Preface
(article source) Keras is an easy to use and powerful Python library for deep learning.There are a lot of decisions to make when designing and configuring your deep learning models. Most of these decisions must be resolved empirically through trial and error and evaluating them on real data.
As such, it is critically important to have a robust way to evaluate the performance of your neural networks and deep learning models. In this post you will discover a few ways that you can use to evaluate model performance using Keras.
For below sample code to work properly, we have to import necessary packages firstly:
- import numpy as np
- import pandas as pd
- from keras.models import Sequential
- from keras.layers import Dense
- from sklearn.model_selection import train_test_split
- from sklearn.model_selection import StratifiedKFold
- from matplotlib import pyplot as plt
- # fix random seed for reproducibility
- seed = 7
- # fix random seed for reproducibility
- np.random.seed(seed)
All examples in this post use the Pima Indians onset of diabetes dataset. You can download it from the UCI Machine Learning Repository and save the data file in your current working directory with the filename pima-indians-diabetes.csv (update: download from here).
- pima_df = pd.read_csv("../../datas/kaggle_pima-indians-diabetes-database/diabetes.csv")
- pima_df.head()
Then we can split the raw dataset into features and target labels:
- # split into input (X) and output (Y) variables
- X = pima_df.iloc[:,:-1].values
- y = pima_df.iloc[:,-1].values
There are a myriad of decisions you must make when designing and configuring your deep learning models.
Many of these decisions can be resolved by copying the structure of other people’s networks and using heuristics. Ultimately, the best technique is to actually design small experiments and empirically evaluate options using real data.
This includes high-level decisions like the number, size and type of layers in your network. It also includes the lower level decisions like the choice of loss function, activation functions, optimization procedure and number of epochs.
Deep learning is often used on problems that have very large datasets. That is tens of thousands or hundreds of thousands of instances.
As such, you need to have a robust test harness that allows you to estimate the performance of a given configuration on unseen data, and reliably compare the performance to other configurations.
Data Splitting
The large amount of data and the complexity of the models require very long training times.
As such, it is typically to use a simple separation of data into training and test datasets or training and validation datasets. Keras provides a two convenient ways of evaluating your deep learning algorithms this way:
Use a Automatic Verification Dataset
Keras can separate a portion of your training data into a validation dataset and evaluate the performance of your model on that validation dataset each epoch.
You can do this by setting the validation_split argument on the fit() function to a percentage of the size of your training dataset. For example, a reasonable value might be 0.2 or 0.33 for 20% or 33% of your training data held back for validation.
The example below demonstrates the use of using an automatic validation dataset on a small binary classification problem:
- def get_model():
- model = Sequential()
- model.add(Dense(12, input_dim=8, activation='relu'))
- model.add(Dense(8, activation='relu'))
- model.add(Dense(1, activation='sigmoid'))
- # Compile model
- model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])
- return model
- # create model
- model = get_model()
- # Fit the model
- history = model.fit(X, y, validation_split=0.33, epochs=150, batch_size=10)
- ...
- 52/52 [==============================] - 0s 942us/step - loss: 0.5290 - accuracy: 0.7073 - val_loss: 0.5371 - val_accuracy: 0.7559
- Epoch 150/150
- 52/52 [==============================] - 0s 1ms/step - loss: 0.5097 - accuracy: 0.7412 - val_loss: 0.5336 - val_accuracy: 0.7638
Use a Manual Verification Dataset
Keras also allows you to manually specify the dataset to use for validation during training.
In this example we use the handy train_test_split() function from the Python scikit-learn machine learning library to separate our data into a training and test dataset. We use 67% for training and the remaining 33% of the data for validation.
The validation dataset can be specified to the fit() function in Keras by the validation_data argument. It takes a tuple of the input and output datasets:
- # split into 67% for train and 33% for test
- X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.33, random_state=seed)
- # create model
- model = get_model()
- # Fit the model
- history = model.fit(X_train, y_train, validation_data=(X_test,y_test), epochs=150, batch_size=10)
- ...
- 52/52 [==============================] - 0s 978us/step - loss: 0.4699 - accuracy: 0.7632 - val_loss: 0.5641 - val_accuracy: 0.7244
- Epoch 150/150
- 52/52 [==============================] - 0s 978us/step - loss: 0.4971 - accuracy: 0.7594 - val_loss: 0.5943 - val_accuracy: 0.7165
The gold standard for machine learning model evaluation is - k-fold cross validation.
It provides a robust estimate of the performance of a model on unseen data. It does this by splitting the training dataset into K subsets and takes turns training models on all subsets except one which is held out, and evaluating model performance on the held out validation dataset. The process is repeated until all subsets are given an opportunity to be the held out validation set. The performance measure is then averaged across all models that are created.
Cross validation is often not used for evaluating deep learning models because of the greater computational expense. For example k-fold cross validation is often used with 5 or 10 folds. As such, 5 or 10 models must be constructed and evaluated, greatly adding to the evaluation time of a model.
Nevertheless, it when the problem is small enough or if you have sufficient compute resources, k-fold cross validation can give you a less biased estimate of the performance of your model.
In the example below we use the handy StratifiedKFold class from the scikit-learn Python machine learning library to split up the training dataset into 10 folds. The folds are stratified, meaning that the algorithm attempts to balance the number of instances of each class in each fold.
The example creates and evaluates 10 models using the 10 splits of the data and collects all of the scores. The verbose output for each epoch is turned off by passing verbose=0 to the fit() and evaluate() functions on the model.
The performance is printed for each model and it is stored. The average and standard deviation of the model performance is then printed at the end of the run to provide a robust estimate of model accuracy:
- # define 10-fold cross validation test harness
- kfold = StratifiedKFold(n_splits=10, shuffle=True, random_state=seed)
- cvscores = []
- for train, test in kfold.split(X, y):
- # create model
- model = get_model()
- # Fit the model
- model.fit(X[train], y[train], epochs=150, batch_size=10, verbose=0)
- # evaluate the model
- scores = model.evaluate(X[test], y[test], verbose=0)
- print("%s: %.2f%%" % (model.metrics_names[1], scores[1]*100))
- cvscores.append(scores[1] * 100)
- print("%.2f%% (+/- %.2f%%)" % (np.mean(cvscores), np.std(cvscores)))
- ...
- accuracy: 76.32%
- accuracy: 81.58%
- 74.62% (+/- 3.62%)
If you are interested how train/validation accuracy history during training, you can draw a chart of them as below:
- # create model
- model = get_model()
-
- # Fit the model
- history = model.fit(X, y, validation_split=0.33, epochs=150, batch_size=10, verbose=0)
- history.history.keys()
Let's draw the train/valiation accuracy line chart along with growing epoch:
- plt.plot(history.history['accuracy'])
- plt.plot(history.history['val_accuracy'])
- plt.title('model accuracy')
- plt.ylabel('accuracy')
- plt.xlabel('epoch')
- plt.legend(['train', 'val'], loc='upper left')
- plt.show()
Then let's draw the shrinking error chart according to epoch:
- plt.plot(history.history['loss'])
- plt.plot(history.history['val_loss'])
- plt.title('model loss')
- plt.ylabel('loss')
- plt.xlabel('epoch')
- plt.legend(['train', 'val'], loc='upper left')
- plt.show()
notebook link of this article.
Supplement
* Kaggle - Pima Indians Diabetes EDA
沒有留言:
張貼留言