Develop a Neural Network for Banknote Authentication
Tweet
Share
Share
It can be challenging to develop a neural network predictive model for a new dataset.
One tideway is to
3.4k
By Nick Cotes
It can be challenging to develop a neural network predictive model for a new dataset.
One tideway is to first inspect the dataset and develop ideas for what models might work, then explore the learning dynamics of simple models on the dataset, then finally develop and tune a model for the dataset with a robust test harness.
This process can be used to develop constructive neural network models for nomenclature and regression predictive modeling problems.
In this tutorial, you will discover how to develop a Multilayer Perceptron neural network model for the skins binary nomenclature dataset.
After completing this tutorial, you will know:
How to load and summarize the skins dataset and use the results to suggest data preparations and model configurations to use.
How to explore the learning dynamics of simple MLP models on the dataset.
How to develop robust estimates of model performance, tune model performance and make predictions on new data.
Let’s get started.
Develop a Neural Network for Skins Authentication Photo by Lenny K Photography, some rights reserved.
Tutorial Overview
This tutorial is divided into 4 parts; they are:
Banknote Nomenclature Dataset
Neural Network Learning Dynamics
Robust Model Evaluation
Final Model and Make Predictions
Banknote Nomenclature Dataset
The first step is to pinpoint and explore the dataset.
We will be working with the “Banknote” standard binary nomenclature dataset.
The skins dataset involves predicting whether a given skins is pure given a number of measures taken from a photograph.
The dataset contains 1,372 rows with 5 numeric variables. It is a nomenclature problem with two classes (binary classification).
Below provides a list of the five variables in the dataset.
variance of Wavelet Transformed image (continuous).
skewness of Wavelet Transformed image (continuous).
kurtosis of Wavelet Transformed image (continuous).
entropy of image (continuous).
class (integer).
Below is a sample of the first 5 rows of the dataset
3.6216,8.6661,-2.8073,-0.44699,0
4.5459,8.1674,-2.4586,-1.4621,0
3.866,-2.6383,1.9242,0.10645,0
3.4566,9.5228,-4.0112,-3.5944,0
0.32924,-4.4552,4.5718,-0.9888,0
4.3684,9.6718,-3.9606,-3.1625,0
...
You can learn increasingly well-nigh the dataset here:
We can load the dataset as a pandas DataFrame directly from the URL; for example:
Running the example loads the dataset directly from the URL and reports the shape of the dataset.
In this case, we can personize that the dataset has 5 variables (4 input and one output) and that the dataset has 1,372 rows of data.
This is not many rows of data for a neural network and suggests that a small network, perhaps with regularization, would be appropriate.
It moreover suggests that using k-fold cross-validation would be a good idea given that it will requite a increasingly reliable estimate of model performance than a train/test split and considering a each model will fit in seconds instead of hours or days with the largest datasets.
Next, we can learn increasingly well-nigh the dataset by looking at summary statistics and a plot of the data.
1
2
3
4
5
6
7
8
9
10
11
12
# show summary statistics and plots of the skins dataset
Running the example first loads the data surpassing and then prints summary statistics for each variable.
We can see that values vary with variegated ways and standard deviations, perhaps some normalization or standardization would be required prior to modeling.
max 6.824800 12.951600 17.927400 2.449500 1.000000
A histogram plot is then created for each variable.
We can see that perhaps the first two variables have a Gaussian-like distribution and the next two input variables may have a skewed Gaussian distribution or an exponential distribution.
We may have some goody in using a power transform on each variable in order to make the probability distribution less skewed which will likely modernize model performance.
Histograms of the Skins Nomenclature Dataset
Now that we are familiar with the dataset, let’s explore how we might develop a neural network model.
Neural Network Learning Dynamics
We will develop a Multilayer Perceptron (MLP) model for the dataset using TensorFlow.
We cannot know what model tracery of learning hyperparameters would be good or weightier for this dataset, so we must experiment and discover what works well.
Given that the dataset is small, a small batch size is probably a good idea, e.g. 16 or 32 rows. Using the Adam version of stochastic gradient descent is a good idea when getting started as it will automatically transmute the learning rate and works well on most datasets.
Before we evaluate models in earnest, it is a good idea to review the learning dynamics and tune the model tracery and learning configuration until we have stable learning dynamics, then squint at getting the most out of the model.
We can do this by using a simple train/test split of the data and review plots of the learning curves. This will help us see if we are over-learning or under-learning; then we can transmute the configuration accordingly.
First, we must ensure all input variables are floating-point values and encode the target label as integer values 0 and 1.
...
# ensure all data are floating point values
X=X.astype('float32')
# encode strings to integer
y=LabelEncoder().fit_transform(y)
Next, we can split the dataset into input and output variables, then into 67/33 train and test sets.
We can pinpoint a minimal MLP model. In this case, we will use one subconscious layer with 10 nodes and one output layer (chosen arbitrarily). We will use the ReLU vivification function in the subconscious layer and the “he_normal” weight initialization, as together, they are a good practice.
Running the example first fits the model on the training dataset, then reports the nomenclature verism on the test dataset.
Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the stereotype outcome.
In this case, we can see that the model achieved unconfined or perfect verism of 100% percent. This might suggest that the prediction problem is easy and/or that neural networks are a good fit for the problem.
Accuracy: 1.000
Line plots of the loss on the train and test sets are then created.
We can see that the model appears to converge well and does not show any signs of overfitting or underfitting.
Learning Curves of Simple Multilayer Perceptron on Skins Dataset
We did amazingly well on our first try.
Now that we have some idea of the learning dynamics for a simple MLP model on the dataset, we can squint at developing a increasingly robust evaluation of model performance on the dataset.
Robust Model Evaluation
The k-fold cross-validation procedure can provide a increasingly reliable estimate of MLP performance, although it can be very slow.
This is considering k models must be fit and evaluated. This is not a problem when the dataset size is small, such as the skins dataset.
We can use the StratifiedKFold matriculation and enumerate each fold manually, fit the model, evaluate it, and then report the midpoint of the evaluation scores at the end of the procedure.
We can use this framework to develop a reliable estimate of MLP model performance with our wiring configuration, and plane with a range of variegated data preparations, model architectures, and learning configurations.
It is important that we first ripened an understanding of the learning dynamics of the model on the dataset in the previous section surpassing using k-fold cross-validation to estimate the performance. If we started to tune the model directly, we might get good results, but if not, we might have no idea of why, e.g. that the model was over or under fitting.
If we make large changes to the model again, it is a good idea to go when and personize that the model is converging appropriately.
The well-constructed example of this framework to evaluate the wiring MLP model from the previous section is listed below.
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
# k-fold cross-validation of wiring model for the skins dataset
from numpy import mean
from numpy import std
from pandas import read_csv
from sklearn.model_selection import StratifiedKFold
Running the example reports the model performance each iteration of the evaluation procedure and reports the midpoint and standard deviation of nomenclature verism at the end of the run.
Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the stereotype outcome.
In this case, we can see that the MLP model achieved a midpoint verism of well-nigh 99.9 percent.
This confirms our expectation that the wiring model configuration works very well for this dataset, and indeed the model is a good fit for the problem and perhaps the problem is quite trivial to solve.
This is surprising (to me) considering I would have expected some data scaling and perhaps a power transform to be required.
1
2
3
4
5
6
7
8
9
10
11
>1.000
>1.000
>1.000
>1.000
>0.993
>1.000
>1.000
>1.000
>1.000
>1.000
Mean Accuracy: 0.999 (0.002)
Next, let’s squint at how we might fit a final model and use it to make predictions.
Final Model and Make Predictions
Once we segregate a model configuration, we can train a final model on all misogynist data and use it to make predictions on new data.
In this case, we will use the model with dropout and a small batch size as our final model.
We can prepare the data and fit the model as before, although on the unshortened dataset instead of a training subset of the dataset.
We can then use this model to make predictions on new data.
First, we can pinpoint a row of new data.
...
# pinpoint a row of new data
row=[3.6216,8.6661,-2.8073,-0.44699]
Note: I took this row from the first row of the dataset and the expected label is a ‘0’.
We can then make a prediction.
...
# make prediction
yhat=model.predict_classes([row])
Then capsize the transform on the prediction, so we can use or interpret the result in the correct label (which is just an integer for this dataset).
...
# capsize transform to get label for class
yhat=le.inverse_transform(yhat)
And in this case, we will simply report the prediction.
...
# report prediction
print('Predicted: %s'%(yhat[0]))
Tying this all together, the well-constructed example of fitting a final model for the skins dataset and using it to make a prediction on new data is listed below.
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
# fit a final model and make predictions on new data for the skins dataset
Running the example fits the model on the unshortened dataset and makes a prediction for a each row of new data.
Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the stereotype outcome.
In this case, we can see that the model predicted a “0” label for the input row.
Predicted: 0.0
Further Reading
This section provides increasingly resources on the topic if you are looking to go deeper.
Tutorials
Summary
In this tutorial, you discovered how to develop a Multilayer Perceptron neural network model for the skins binary nomenclature dataset.
Specifically, you learned:
How to load and summarize the skins dataset and use the results to suggest data preparations and model configurations to use.
How to explore the learning dynamics of simple MLP models on the dataset.
How to develop robust estimates of model performance, tune model performance and make predictions on new data.
Do you have any questions? Ask your questions in the comments unelevated and I will do my weightier to answer.