Your First Deep Learning Project in Python With Keras Step-By-Step
Your First Deep Learning Project in Python With Keras Step-By-Step
Navigation
Search...
Keras is a powerful and easy-to-use free open source Python library for developing and evaluating
deep learning models.
It wraps the efficient numerical computation libraries Theano and TensorFlow and allows you to define
and train neural network models in just a few lines of code.
In this tutorial, you will discover how to create your first deep learning neural network model in Python
using Keras.
Kick-start your project with my new book Deep Learning With Python, including step-by-step tutorials
and the Python source code files for all examples.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 1/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Email Address
The steps you are going to cover in this tutorial are as follows:
1. Load Data.
2. Define Keras Model.
3. Compile Keras Model.
4. Fit Keras Model. Start Machine Learning
5. Evaluate Keras Model.
6. Tie It All Together.
7. Make Predictions
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 2/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Create a new file called keras_first_network.py and type or copy-and-paste the code into the file as
you go.
Click to sign-up now and also get a free PDF Ebook version of the course.
We will use the NumPy library to load our dataset and we will use two classes from the Keras library to
START MY EMAIL COURSE
define our model.
In this Keras tutorial, we are going to use the Pima Indians onset of diabetes dataset. This is a standard
machine learning dataset from the UCI Machine Learning repository. It describes patient medical record
data for Pima Indians and whether they had an onset of diabetes within five years.
Download the dataset and place it in your local working directory, the same location as your python file.
1 pima-indians-diabetes.csv
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 3/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Take a look inside the file, you should see rows of data like the following:
1 6,148,72,35,0,33.6,0.627,50,1
2 1,85,66,29,0,26.6,0.351,31,0
3 8,183,64,0,0,23.3,0.672,32,1
4 1,89,66,23,94,28.1,0.167,21,0
5 0,137,40,35,168,43.1,2.288,33,1
6 ...
We can now load the file as a matrix of numbers using the NumPy function loadtxt().
There are eight input variables and one output variable (the last column). We will be learning a model to
map rows of input variables (X) to an output variable (y), which we often summarize as y = f(X).
8. Age (years)
1. Class variable (0 or 1)
Once the CSV file is loaded into memory, we can split the columns of data into input and output
variables.
The data will be stored in a 2D array where the first dimension is rows and the second dimension is
columns, e.g. [rows, columns].
We can split the array into two arrays by selecting subsets of columns using the standard NumPy slice
operator or “:” We can select the first 8 columns from index 0 to index 7 via the slice 0:8. We can then
select the output column (the 9th variable) via index 8.Start Machine Learning
1 ...
2 # load the dataset
3 dataset = loadtxt('pima-indians-diabetes.csv', delimiter=',')
4 # split into input (X) and output (y) variables
5 X = dataset[:,0:8]
6 y = dataset[:,8]
7 ...
Note, the dataset has 9 columns and the range 0:8 will select columns from 0 to 7, stopping before
index 8. If this is new to you, then you can learn more about array slicing and ranges in this post:
How to Index, Slice and Reshape NumPy Arrays for Machine Learning in Python
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 4/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
We create a Sequential model and add layers one at a time until we are happy with our network
architecture.
The first thing to get right is to ensure the input layer has the right number of input features. This can be
specified when creating the first layer with the input_dim argument and setting it to 8 for the 8 input
variables.
We will use the rectified linear unit activation function referred to as ReLU on the first two layers and the
Sigmoid function in the output layer.
It used to be the case that Sigmoid and Tanh activation functions were preferred for all layers. These
days, better performance is achieved using the ReLU activation function. We use a sigmoid on the
output layer to ensure our network output is between 0 and 1 and easy to map to either a probability of
class 1 or snap to a hard classification of either class with a default threshold of 0.5.
The model expects rows of data with 8 variables (the input_dim=8 argument)
The first hidden layer has 12 nodes and uses the relu activation function.
The second hidden layer has 8 nodes and uses the relu activation function.
The output layer has one node and uses the sigmoid activation function.
Start Machine Learning
1 ...
2 # define the keras model
3 model = Sequential()
4 model.add(Dense(12, input_dim=8, activation='relu'))
5 model.add(Dense(8, activation='relu'))
6 model.add(Dense(1, activation='sigmoid'))
7 ...
Note, the most confusing thing here is that the shape of the input to the model is defined as an
argument on the first hidden layer. This means that the line of code that adds the first Dense layer is
doing 2 things, defining the input or visible layer and the first hidden layer.
Compiling the model uses the efficient numerical libraries under the covers (the so-called backend)
such as Theano or TensorFlow. The backend automatically chooses the best way to represent the
network for training and making predictions to run on your hardware, such as CPU or GPU or even
distributed.
When compiling, we must specify some additional properties required when training the network.
Remember training a network means finding the best set of weights to map inputs to outputs in our
dataset.
We must specify the loss function to use to evaluate a set of weights, the optimizer is used to search
through different weights for the network and any optional metrics we would like to collect and report
during training. Start Machine Learning ×
In this case, we will use cross entropy as the loss argument. This loss
You can master is for
applied a binary
Machine classification
Learning
without math or fancy degrees.
problems and is defined in Keras as “binary_crossentropy“. You can learn more about choosing loss
functions based on your problem here: Find out how in this free and practical course.
We will define the optimizer as the efficient stochastic gradient descent algorithm “adam“. This is a
popular version of gradient descent because it automatically
STARTtunes itselfCOURSE
MY EMAIL and gives good results in a
wide range of problems. To learn more about the Adam version of stochastic gradient descent see the
post:
Finally, because it is a classification problem, we will collect and report the classification accuracy,
defined via the metrics argument.
1 ...
2 # compile the keras model
3 model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])
4 ...
We can train or fit our model on our loaded data by calling the fit() function on the model.
Training occurs over epochs and each epoch is split into batches.
Epoch: One pass through all of the rows in the training dataset.
Batch: One or more samples considered by the model within an epoch before weights are
updated.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 6/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
One epoch is comprised of one or more batches, based on the chosen batch size and the model is fit
for many epochs. For more on the difference between epochs and batches, see the post:
The training process will run for a fixed number of iterations through the dataset called epochs, that we
must specify using the epochs argument. We must also set the number of dataset rows that are
considered before the model weights are updated within each epoch, called the batch size and set
using the batch_size argument.
For this problem, we will run for a small number of epochs (150) and use a relatively small batch size of
10.
These configurations can be chosen experimentally by trial and error. We want to train the model
Start Machine Learning ×
enough so that it learns a good (or good enough) mapping of rows of input data to the output
classification. The model will always have some error,You
butcan
themaster
amount of error
applied will level
Machine out after some
Learning
point for a given model configuration. This is called model convergence.
without math or fancy degrees.
Find out how in this free and practical course.
1 ...
2 # fit the keras model on the dataset
3 model.fit(X, y, epochs=150, batch_size=10) Email Address
4 ...
No GPU is required for this example, but if you’re interested in how to run large models on GPU
hardware cheaply in the cloud, see this post:
How to Setup Amazon AWS EC2 GPUs to Train Keras Deep Learning Models
This will only give us an idea of how well we have modeled the dataset (e.g. train accuracy), but no idea
of how well the algorithm might perform on new data. We have done this for simplicity, but ideally, you
could separate your data into train and test datasets for training and evaluation of your model.
Start Machine Learning
You can evaluate your model on your training dataset using the evaluate() function on your model and
pass it the same input and output used to train the model.
This will generate a prediction for each input and output pair and collect scores, including the average
loss and any metrics you have configured, such as accuracy.
The evaluate() function will return a list with two values. The first will be the loss of the model on the
dataset and the second will be the accuracy of the model on the dataset. We are only interested in
reporting the accuracy, so we will ignore the loss value.
1 ...
2 # evaluate the keras model
3 _, accuracy = model.evaluate(X, y)
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 7/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
You can copy all of the code into your Python file and save it as “keras_first_network.py” in the same
directory as your data file “pima-indians-diabetes.csv“. You can then run the Python file as a script
from your command line (command prompt) as follows:
1 python keras_first_network.py
Running this example, you should see a message for each of the 150 epochs printing the loss and
accuracy, followed by the final evaluation of the trained model on the training dataset.
Ideally, we would like the loss to go to zero and accuracy to go to 1.0 (e.g. 100%). This is not possible
for any but the most trivial machine learning problems. Instead, we will always have some error in our
model. The goal is to choose a model configuration and training configuration that achieve the lowest
loss and highest accuracy possible for a given dataset.Start Machine Learning
1 ...
2 768/768 [==============================] - 0s 63us/step - loss: 0.4817 - acc: 0.7708
3 Epoch 147/150
4 768/768 [==============================] - 0s 63us/step - loss: 0.4764 - acc: 0.7747
5 Epoch 148/150
6 768/768 [==============================] - 0s 63us/step - loss: 0.4737 - acc: 0.7682
7 Epoch 149/150
8 768/768 [==============================] - 0s 64us/step - loss: 0.4730 - acc: 0.7747
9 Epoch 150/150
10 768/768 [==============================] - 0s 63us/step - loss: 0.4754 - acc: 0.7799
11 768/768 [==============================] - 0s 38us/step
12 Accuracy: 76.56
Note, if you try running this example in an IPython or Jupyter notebook you may get an error.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 8/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
The reason is the output progress bars during training. You can easily turn these off by setting
verbose=0 in the call to the fit() and evaluate() functions, for example:
1 ...
2 # fit the keras model on the dataset without progress bars
3 model.fit(X, y, epochs=150, batch_size=10, verbose=0)
4 # evaluate the keras model
5 _, accuracy = model.evaluate(X, y, verbose=0)
6 ...
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 average
outcome.
The variance in the performance of the model means that to get a reasonable approximation of how
START MY EMAIL COURSE
well your model is performing, you may need to fit it many times and calculate the average of the
accuracy scores. For more on this approach to evaluating neural networks, see the post:
For example, below are the accuracy scores from re-running the example 5 times:
1 Accuracy: 75.00
2 Accuracy: 77.73
3 Accuracy: 77.60
4 Accuracy: 78.12
5 Accuracy: 76.17
We can see that all accuracy scores are around 77% and the average is 76.924%.
7. Make Predictions
Start Machine Learning
The number one question I get asked is:
After I train my model, how can I use it to make predictions on new data?
Great question.
We can adapt the above example and use it to generate predictions on the training dataset, pretending
it is a new dataset we have not seen before.
Making predictions is as easy as calling the predict() function on the model. We are using a sigmoid
activation function on the output layer, so the predictions will be a probability in the range between 0
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 9/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
and 1. We can easily convert them into a crisp binary prediction for this classification task by rounding
them.
For example:
1 ...
2 # make probability predictions with the model
3 predictions = model.predict(X)
4 # round predictions
5 rounded = [round(x[0]) for x in predictions]
Alternately, we can call the predict_classes() function on the model to predict crisp classes directly, for
example:
1 ...
2 # make class predictions with the model
3 predictions = model.predict_classes(X) Start Machine Learning ×
The complete example below makes predictions for each example
You can master in the dataset,
applied Machine then prints the input
Learning
data, predicted class and expected class for the first 5without
examples
mathinorthe dataset.
fancy degrees.
Find out how in this free and practical course.
1 # first neural network with keras make predictions
2 from numpy import loadtxt
3 from keras.models import Sequential Email Address
4 from keras.layers import Dense
5 # load the dataset
6 dataset = loadtxt('pima-indians-diabetes.csv', delimiter=',')
START MY EMAIL COURSE
7 # split into input (X) and output (y) variables
8 X = dataset[:,0:8]
9 y = dataset[:,8]
10 # define the keras model
11 model = Sequential()
12 model.add(Dense(12, input_dim=8, activation='relu'))
13 model.add(Dense(8, activation='relu'))
14 model.add(Dense(1, activation='sigmoid'))
15 # compile the keras model
16 model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])
17 # fit the keras model on the dataset
18 model.fit(X, y, epochs=150, batch_size=10, verbose=0)
19 # make class predictions with the model
20 predictions = model.predict_classes(X)
21 # summarize the first 5 cases
22 for i in range(5):
23 print('%s => %d (expected %d)' % (X[i].tolist(), predictions[i], y[i]))
Running the example does not show the progress bar as before as we have set the verbose argument
to 0.
Start Machine Learning
After the model is fit, predictions are made for all examples in the dataset, and the input rows and
predicted class value for the first 5 examples is printed and compared to the expected class value.
We can see that most rows are correctly predicted. In fact, we would expect about 76.9% of the rows to
be correctly predicted based on our estimated performance of the model in the previous section.
1 [6.0, 148.0, 72.0, 35.0, 0.0, 33.6, 0.627, 50.0] => 0 (expected 1)
2 [1.0, 85.0, 66.0, 29.0, 0.0, 26.6, 0.351, 31.0] => 0 (expected 0)
3 [8.0, 183.0, 64.0, 0.0, 0.0, 23.3, 0.672, 32.0] => 1 (expected 1)
4 [1.0, 89.0, 66.0, 23.0, 94.0, 28.1, 0.167, 21.0] => 0 (expected 0)
5 [0.0, 137.0, 40.0, 35.0, 168.0, 43.1, 2.288, 33.0] => 1 (expected 1)
If you would like to know more about how to make predictions with Keras models, see the post:
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 10/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Specifically, you learned the six key steps in using Keras to create a neural network or deep learning
model, step-by-step including:
This section provides some extensions to this tutorial that you might want to explore.
Tune the Model. Change the configuration of the model or training process and see if you can
improve the performance of the model, e.g. achieve better than 76% accuracy.
Save the Model. Update the tutorial to save the model to file, then load it later and use it to make
predictions (see this tutorial).
Summarize the Model. Update the tutorial to summarize the model and create a plot of model
layers (see this tutorial).
Separate Train and Test Datasets. Split the loaded dataset into a train and test set (split based on
rows) and use one set to train the model and the other set to estimate the performance of the
model on new data.
Plot Learning Curves. The fit() function returns a history
Start objectLearning
Machine that summarizes the loss and
accuracy at the end of each epoch. Create line plots of this data, called learning curves (see this
tutorial).
Learn a New Dataset. Update the tutorial to use a different tabular dataset, perhaps from the UCI
Machine Learning Repository.
Use Functional API. Update the tutorial to use the Keras Functional API for defining the model
(see this tutorial).
Further Reading
Are you looking for some more Deep Learning tutorials with Python and Keras?
Related Tutorials
5 Step Life-Cycle for Neural Network Models in Keras
Multi-Class Classification Tutorial with the Keras Deep Learning Library
Regression Tutorial with the Keras Deep Learning Library in Python
How to Grid Search Hyperparameters for Deep Learning Models in Python With Keras
Books
Deep Learning (Textbook), 2016.
Deep Learning with Python (my book).
APIs
Keras Deep Learning Library Homepage Start Machine Learning ×
Keras API Documentation
You can master applied Machine Learning
without math or fancy degrees.
How did you go? Do you have any questions about deep learning?
Find out how in this free and practical course.
Post your questions in the comments below and I will do my best to help.
Email Address
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 12/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
994 Responses to Your First Deep Learning Project in Python with Keras
Step-By-Step
REPLY
Saurav May 27, 2016 at 11:08 pm #
The input layer doesn’t have any activation function, but still activation=”relu” is mentioned in
the first layer of the model. Why?
Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees.
Jason Brownlee May 28, 2016 at 6:32 am # Find out how in this free and practical course. REPLY
Hi Saurav,
Email Address
The first layer in the network here is technically a hidden layer, hence it has an activation function.
REPLY
sam Johnson December 21, 2016 at 2:44 am #
Why have you made it a hidden layer though? the input layer is not usually represented
as a hidden layer?
REPLY
Jason Brownlee December 21, 2016 at 8:41 am #
Hi sam,
Hi Jason,
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 13/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
U have used two different activation functions so how can we know which activation
function fit the model?
Hi Jason,
Start Machine Learning ×
I am interested in deep learning and machine learning. You mentioned “It defines a
hidden layer with 12 neurons, connected
Youto
canthe input applied
master layer that use relu
Machine activation
Learning
function.” I wonder how can we determine themath
without number of neurons
or fancy in order to achieve a
degrees.
high accuracy rate of the model? Find out how in this free and practical course.
Thanks a lot!!!
Email Address
Use trial and error. We cannot specify the “best” number of neurons analytically.
We must test.
Sir, thanks for your tutorial. Would you like to make tutorial on stock Data
Prediction through Neural Network Model and training this on any stock data. If you have
on this so please share the link. Thanks
Start
Jason Brownlee November 10, 2017Machine
at 10:39 amLearning
#
I am reticent to post tutorials on stock market prediction given the random walk
hypothesis of security prices:
https://machinelearningmastery.com/gentle-introduction-random-walk-times-series-
forecasting-python/
Hi,
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 14/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I would like to know more about activation function. How it is working? How many
activation functions? Using different activation function How much affect the output of
the model?
I would like to also know about the Hidden Layer. How the size of the hidden layer affect
the model?
In this tutorial, we use relu in the hidden layers, learn more here:
https://machinelearningmastery.com/rectified-linear-activation-function-for-deep-
learning-neural-networks/
Start Machine Learning
The size of the layer impacts the capacity of the model, learn more here:
×
https://machinelearningmastery.com/how-to-control-neural-network-model-capacity-with-
You can master applied Machine Learning
nodes-and-layers/ without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee June 28, 2018 at 6:22 am #
REPLY
Tanmay Kulkarni February 11, 2020 at 5:50 am #
Hello! I want to know if there’s a way to know the values of all weights after each
updation?
REPLY
BlackBookKeeper August 18, 2018 at 10:15 pm #
runfile(‘C:/Users/Owner/Documents/untitled1.py’, wdir=’C:/Users/Owner/Documents’)
Traceback (most recent call last):
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 15/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Email Address
File “C:\Users\Owner\Anaconda3\lib\site-packages\keras\engine\input_layer.py”, line 86, in __init__
name=self.name)
File “C:\Users\Owner\AppData\Roaming\Python\Python36\site-
packages\tensorflow\python\ops\array_ops.py”, line 1530, in placeholder
return gen_array_ops._placeholder(dtype=dtype, shape=shape, name=name)
File “C:\Users\Owner\AppData\Roaming\Python\Python36\site-
packages\tensorflow\python\ops\gen_array_ops.py”, line 1954, in _placeholder
name=name)
File “C:\Users\Owner\AppData\Roaming\Python\Python36\site-
packages\tensorflow\python\framework\op_def_library.py”, line 767, in apply_op
op_def=op_def)
File “C:\Users\Owner\AppData\Roaming\Python\Python36\site-
Start
packages\tensorflow\python\framework\ops.py”, line Machine
2508, Learning
in create_op
set_shapes_for_outputs(ret)
File “C:\Users\Owner\AppData\Roaming\Python\Python36\site-
packages\tensorflow\python\framework\ops.py”, line 1894, in set_shapes_for_outputs
output.set_shape(s)
File “C:\Users\Owner\AppData\Roaming\Python\Python36\site-
packages\tensorflow\python\framework\ops.py”, line 443, in set_shape
self._shape = self._shape.merge_with(shape)
File “C:\Users\Owner\AppData\Roaming\Python\Python36\site-
packages\tensorflow\python\framework\tensor_shape.py”, line 550, in merge_with
stop = key.stop
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 16/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
File “C:\Users\Owner\AppData\Roaming\Python\Python36\site-
packages\tensorflow\python\framework\tensor_shape.py”, line 798, in as_shape
“””Returns this shape as a TensorShapeProto.”””
File “C:\Users\Owner\AppData\Roaming\Python\Python36\site-
packages\tensorflow\python\framework\tensor_shape.py”, line 431, in __init__
size for one or more dimension. e.g. TensorShape([None, 256])
File “C:\Users\Owner\AppData\Roaming\Python\Python36\site-
packages\tensorflow\python\framework\tensor_shape.py”, line 376, in as_dimension
other = as_dimension(other)
File “C:\Users\Owner\AppData\Roaming\Python\Python36\site-
packages\tensorflow\python\framework\tensor_shape.py”, line 32, in __init__
if value is None:
Start Machine Learning ×
TypeError: int() argument must be a string, a bytes-like object or a number, not ‘TensorShapeProto’
You can master applied Machine Learning
this error occurs when {model.add(Dense(12, input_dim=8, activation=’relu’))} this command is run
without math or fancy degrees.
any help? Find out how in this free and practical course.
Email Address
REPLY
Jason Brownlee August 19, 2018 at 6:20 am #
START MY EMAIL COURSE
Save all code into a file and run it as follows:
https://machinelearningmastery.com/faq/single-faq/how-do-i-run-a-script-from-the-command-line
REPLY
Penchalaiah December 8, 2019 at 6:24 pm #
REPLY
Jason Brownlee December 9, 2019 at 6:47 am #
Thanks!
REPLY
Geoff May 29, 2016 at 6:18 am #
Can you explain how to implement weight regularization into the layers?
REPLY
Jason Brownlee June 15, 2016 at 5:50 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 17/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
afthab October 5, 2018 at 8:32 pm #
REPLY
Jason Brownlee October 6, 2018 at 5:43 am #
Start here:
https://machinelearningmastery.com/faq/single-faq/how-do-i-get-started-with-python-
programming
Thanks.
REPLY
Shiran January 20, 2020 at 11:30 am #
Great post!
Is it possible to train a neural network that receives as input a vector x and tries to predict
another vector y where both x and y are floats?
REPLY
Aakash Nain June 29, 2016 at 6:00 pm #
If there are 8 inputs for the first layer then why we have taken them as ’12’ in the following line :
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 18/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee June 30, 2016 at 6:47 am #
Hi Aakash.
REPLY
Joshua July 2, 2016 at 12:04 am #
Email Address
REPLY
Jason Brownlee July 2, 2016 at 6:20 am #
START MY EMAIL COURSE
It might be a copy-paste error. Perhaps try to copy and run the whole example listed in
section 6?
REPLY
Akash September 28, 2018 at 11:12 am #
Hello sir, I am facing the same problem valueError: could not convert string to float: ‘”6’
also I am running the example from section 6.
REPLY
Jason Brownlee September 28, 2018 at 3:00 pm #
REPLY
yashu October 5, 2018 at 8:28 pm #
REPLY
Jason Brownlee October 6, 2018 at 5:42 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 19/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
KeyChy July 3, 2019 at 5:45 pm #
Maybe when you set all parameters in an extra column in your *.csv file. Than you schould
replace the delimiter from , to ; like:
dataset = numpy.loadtxt(“pima-indians-diabetes.csv”, delimiter=”;”)
This solved the Problem for me.
×
REPLY
Jason Brownlee July 4, 2019 at 7:40 am #
Start Machine Learning
Thanks for sharing.
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
cheikh brahim July 5, 2016 at 7:40 pm #
Email Address
thank you for your simple and useful example.
REPLY
Jason Brownlee July 6, 2016 at 6:22 am #
REPLY
Nikhil Thakur July 6, 2016 at 6:39 pm #
Hello Sir, I am trying to use Keras for NLP , specifically sentence classification. I have given the
model building part below. It’s taking quite a lot time to execute. I am using Pycharm IDE.
batch_size = 32
nb_filter = 250
filter_length = 3
Start Machine Learning
nb_epoch = 2
pool_length = 2
output_dim = 5
hidden_dims = 250
model1 = Sequential()
model1.add(Dense(hidden_dims))
model1.add(Dropout(0.2))
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 20/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
model1.add(Activation(‘relu’))
model1.add(MaxPooling1D(pool_length=pool_length))
model1.add(Dense(output_dim, activation=’sigmoid’))
model1.compile(loss=’mean_squared_error’,
optimizer=sgd,
metrics=[‘accuracy’])
REPLY
Jason Brownlee July 7, 2016 at 7:31 am #
REPLY
Andre Norman July 15, 2016 at 10:40 am #
Hi Jason, thanks for the awesome example. Given that the accuracy of this model is 79.56%.
From here on, what steps would you take to improve the accuracy?
Given my nascent understanding of Machine Learning, my initial approach would have been:
Implement forward propagation, then compute the cost function, then implement back propagation, use
gradient checking to evaluate my network (disable after use), then use gradient descent.
However, this approach seems arduous compared to using Keras. Thanks for your response.
REPLY
Jason Brownlee July 15, 2016 at 10:52 am #
Start Machine Learning
Hi Andre, indeed Keras makes working with neural nets so much easier. Fun even!
We may be maxing out on this problem, but here is some general advice for lifting performance.
– data prep – try lots of different views of the problem and see which is best at exposing the
structure of the problem to the learning algorithm (data transforms, feature engineering, etc.)
– algorithm selection – try lots of algorithms and see which one or few are best on the problem (try
on all views)
– algorithm tuning – tune well performing algorithms to get the most out of them (grid search or
random search hyperparameter tuning)
– ensembles – combine predictions from multiple algorithms (stacking, boosting, bagging, etc.)
For neural nets, there are a lot of things to tune, I think there are big gains in trying different network
topologies (layers and number of neurons per layer) in concert with training epochs and learning rate
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 21/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Andre Norman July 18, 2016 at 7:19 am #
REPLY
Jason Brownlee July 18, 2016 at 8:03 am #
REPLY
Jason Brownlee August 8, 2017 at 7:49 am #
REPLY
Romilly Cocking July 21, 2016 at 12:31 am #
Hi Jason, it’s a great example but if anyone runs it in an IPython/Jupyter notebook they are
likely to encounter an I/O error when running the fit step. This is due to a known bug in IPython.
REPLY
Jason Brownlee July 21, 2016 at 5:36 am #
REPLY
Anirban July 23, 2016 at 10:20 pm #
Great example. Have a query though. How do I now give a input and get the output (0 or 1).
Can you pls give the cmd for that.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 22/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Thanks
REPLY
Jason Brownlee July 24, 2016 at 6:53 am #
You can call model.predict() to get predictions and round on each value to snap to a binary
value.
For example, below is a complete example showing you how to round the predictions and print them
to console.
REPLY
Debanjan March 27, 2017 at 12:04 pm #
Hi, Why you are not using any test set? You are predicting from the training set , I think.
REPLY
David June 26, 2017 at 12:24 am #
Jason, I’m not quite understanding how the predicted values ([1.0, 0.0, 1.0, 0.0, 1.0,…)
map to the real world problem. For instance, what does that first “1.0” in the results indicate?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 23/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I get that it’s a prediction of ‘true’ for diabetes…but to which patient is it predicting that—the first
in the list? So then the second result, “0.0,” is the prediction for the second patient/row in the
dataset?
REPLY
Jason Brownlee June 26, 2017 at 6:08 am #
Remember the original file has 0 and 1 values in the final class column where 0 is
no onset of diabetes and 1 is an onset of diabetes.
We are making predictions for special rows, we pass in their medical info and predict the
onset of diabetes. We just happen to do this for a number of rows at a time.
Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees.
ami July 16, 2018 at 4:30 pm # Find out how in this free and practical course.
hello jason
Email Address
i am getting this error while calculating the predictions.
#calculate predictions
START MY EMAIL COURSE
predictions = model.predict(X)
#round predictions
print(rounded)
—————————————————————————
TypeError Traceback (most recent call last)
in ()
2 predictions = model.predict(X)
3 #round predictions
—-> 4 rounded = [round(x) for x in predictions]
5 print(rounded)
in (.0)
Start Machine Learning
2 predictions = model.predict(X)
3 #round predictions
—-> 4 rounded = [round(x) for x in predictions]
5 print(rounded)
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 24/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Rachel June 28, 2017 at 8:28 pm #
Hi Jason,
Can I ask why you use the same data X you fit the model to do the prediction?
# calculate predictions
predictions = model.predict(X)
Rachel
Email Address
REPLY
jitendra March 27, 2018 at 7:20 pm # START MY EMAIL COURSE
hii, how will i feed the input (8,125,96,0,0,0.0,0.232,54) to get our output.
predictions = model.predict(X)
i mean insead of X i want to get output of 8,125,96,0,0,0.0,0.232,54.
REPLY
Jason Brownlee March 28, 2018 at 6:24 am #
Wrap your input in an array, n-columns with one row, then pass that to the model.
Hello, trying to use predictions on similar neural network but keep getting errors
that input dimension has other shape.
Can you say how array must look on exampled neural network?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 25/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Anirban July 23, 2016 at 10:52 pm #
I am not able to get to the last epoch. Getting error before that:
Epoch 11/150
390/768 [==============>……………]Traceback (most recent call last):.6921
Now to predict a unknown value, i loaded a new dataset and used predict cmd as below :
dataset_test = numpy.loadtxt(“pima-indians-diabetes_test.csv”,delimiter=”,”) –has only one row
X = dataset_test[:,0:8]
model.predict(X)
Start Machine Learning ×
But I am getting error :
X = dataset_test[:,0:8] You can master applied Machine Learning
without math or fancy degrees.
IndexError: too many indices for array
Find out how in this free and practical course.
Can you help pls.
REPLY
Jason Brownlee July 24, 2016 at 6:55 am #
I see problems like this when you run from a notebook or from an IDE.
Consider tuning off verbose output (verbose=0 in the call to fit()) to disable the progress bar.
REPLY
David Kluszczynski July 28, 2016 at 12:42 am #
Hi Jason!
Loved the tutorial! I have a question however.
Is there a way to save the weights to a file after the model is trained for uses, such as kaggle?
Thanks, Start Machine Learning
David
REPLY
Jason Brownlee July 28, 2016 at 5:47 am #
Thanks David.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 26/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Alex Hopper July 29, 2016 at 5:45 am #
Hey, Jason! Thank you for the awesome tutorial! I’ve use your tutorial to learn about CNN. I
have one question for you… Supposing I want to use Keras to classicate images and I have 3 or more
classes to classify, How could my algorithm know about this classes? You know, I have to code what is a
cat, a dog and a horse. Is there any way to code this? I’ve tried it:
Email Address
REPLY
Jason Brownlee July 29, 2016 at 6:41 am #
This is an example of a multi-class classification problem. You must use a one hot encoding on the
output variable to be able to model it with a neural network and specify the number of classes as the
number of outputs on the final layer of your network.
I provide a tutorial with the famous iris dataset that has 3 output classes here:
http://machinelearningmastery.com/multi-class-classification-tutorial-keras-deep-learning-library/
REPLY
Alex Hopper August 1, 2016 at 1:22 am #
Thank you.
I’ll check it.
REPLY
Jason Brownlee August 1, 2016 at 6:25 am #
No problem Alex.
REPLY
Anonymouse August 2, 2016 at 11:28 pm #
I’m using keras (with CNNs) for sentiment classification of documents and I’d like to improve the
performance, but I’m completely at a loss when it comes to tuning the parameters in a non-arbitrary way.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 27/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Could you maybe point me somewhere that will help me go about this in a more systematic fashion?
There must be some heuristics or rules-of-thumb that could guide me.
REPLY
Jason Brownlee August 3, 2016 at 8:09 am #
I have a tutorial coming out soon (next week) that provide lots of examples of tuning the
hyperparameters of a neural network in Keras, but limited to MLPs.
For CNNs, I would advise tuning the number of repeating layers (conv + max pool), the number of
filters in repeating block, and the number and size of dense layers at the predicting part of your
network. Also consider using some fixed layers from pre-trained models as the start of your network
(e.g. VGG) and try just training some input and output layers around it for your problem.
Start Machine Learning ×
I hope that helps as a start.
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Shopon August 14, 2016 at 5:04 pm #
Email
Hello Jason , My Accuracy is : 0.0104 , but yours Address
is 0.7879 and my loss is : -9.5414 . Is there
any problem with the dataset ? I downloaded the dataset from a different site .
REPLY
Jason Brownlee August 15, 2016 at 12:36 pm #
I think there might be something wrong with your implementation or your dataset. Your
numbers are way out.
REPLY
mohamed August 15, 2016 at 9:30 am #
after training, how i can use the trained model on new sample
REPLY
Jason Brownlee August 15, 2016 at 12:36 pmStart
# Machine Learning
REPLY
Omachi Okolo August 16, 2016 at 10:21 pm #
Hi Jason,
i’m a student conducting a research on how to use artificial neural network to predict the business
viability of potential software projects.
I intend to use python as a programming language. The application of ANN fascinates me but i’m new to
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 28/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
machine learning and python. Can you help suggest how to go about this.
Many thanks
REPLY
Jason Brownlee August 17, 2016 at 9:51 am #
Consider getting a good grounding in how to work through a machine learning problem end
to end in python first.
REPLY
Jason Brownlee August 17, 2016 at 10:03 am #
I provide an example elsewhere in the comments, you can also see how to make
predictions on new data in this post:
http://machinelearningmastery.com/5-step-life-cycle-neural-network-models-keras/
REPLY
Doron Vetlzer August 17, 2016 at 9:29 am #
Start Machine Learning
I am trying to build a Neural Network with some recursive connections but not a full recursive
layer, how do I do this in Keras?
REPLY
Doron Vetlzer August 17, 2016 at 9:31 am #
I could print a diagram of the network but what I want Basically is that each neuron in the
current time frame to know only its own previous output and not the output of all the neurons in the
output layer.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 29/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee August 17, 2016 at 10:04 am #
REPLY
Doron Veltzer August 23, 2016 at 2:28 am #
REPLY
sairam August 30, 2016 at 8:49 am #
Start Machine Learning ×
Hello Jason,
This is a great tutorial . Thanks for sharing. You can master applied Machine Learning
without math or fancy degrees.
I am having a dataset of 100 finger prints and i want toFind
extract minutiae
out how in thisof 100
free finger
and prints
practical using python
course.
( Keras). Can you please advise where to start? I am really confused.
Email Address
REPLY
Jason Brownlee August 31, 2016 at 8:43 am # START MY EMAIL COURSE
If your fingerprints are images, you may want to consider using convolutional neural
networks (CNNs) that are much better at working image data.
REPLY
padmashri July 6, 2017 at 10:12 pm #
Hi Jason
Thanks for this great tutorial, i am new to machine learning i went through your basic tutorial on
keras and also handwritten-digit-recognition. I would like to understand how i can train a set of
Start
image data, for eg. the set of image data can be Machine
some Learning
thing like square, circle, pyramid.
pl. let me know how the input data needs to fed to the program and how we need to export the
model.
REPLY
Jason Brownlee July 9, 2017 at 10:30 am #
REPLY
CM September 1, 2016 at 4:23 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 30/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi Jason,
Are there any inbuilt functions in keras that can give me the feature importance for the ANN model?
If not, can you suggest a technique I can use to extract variable importance from the loss function? I am
considering an approach similar to that used in RF which involves permuting the values of the selected
variable and calculating the relative increase in loss.
Regards,
CM
REPLY
Minesh Jethva May 15, 2017 at 7:49 pm #
have you develop any progress for this approach? I also have same problem.
REPLY
Kamal September 7, 2016 at 2:09 am #
Dear Jason, I am new to Deep learning. Being a novice, I am asking you a technical question
which may seem silly. My question is that- can we use features (for example length of the sentence etc.)
Start Machine Learning
of a sentence while classifying a sentence ( suppose the o/p are +ve sentence and -ve sentence) using
deep neural network?
REPLY
Jason Brownlee September 7, 2016 at 10:27 am #
Great question Kamal, yes you can. I would encourage you to include all such features and
see which give you a bump in performance.
REPLY
Saurabh September 11, 2016 at 12:42 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 31/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi, How would I use this on a dataset that has multiple outputs? For example a dataset with
output A and B where A could be 0 or 1 and B could be 3 or 4 ?
REPLY
Jason Brownlee September 12, 2016 at 8:30 am #
You could use two neurons in the output layer and normalize the output variables to both be
in the range of 0 to 1.
REPLY
Jason Brownlee September 18, 2016 at 7:57 am #
Hi Tom, sorry to hear that. I have not seen this problem before.
Have you searched google? I can see a few posts and it might be related to your version of scipy or
similar.
REPLY
shudhan September 21, 2016 at 5:54 pm #
Can you please make a tutorial on how to add additional train data into the already trained model? This
will be helpful for the bigger data sets. I read that warm start is used for random forest. But not sure how
to implement as algorithm. A generalised version of how to implement would be good. Thank You!
REPLY
Jason Brownlee September 22, 2016 at 8:08 am #
Yes, you could save your weights, load them later into a new network topology and start training on
new data again.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 32/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Joanna September 22, 2016 at 1:09 am #
Hi Jason,
first of all congratulations for this amazing work that you have done!
Here is my question:
What about if my .csv file includes also both nominal and numerical attributes?
Should I change my nominal values to numerical?
You can use a label encoder to convert nominal to integer, and then even convert the integer to one
hot encoding. Email Address
REPLY
ATM October 2, 2016 at 5:47 am #
A small bug:-
Line 25 : rounded = [round(x) for x in predictions]
REPLY
Jason Brownlee October 2, 2016 at 8:20 am #
REPLY
AC January 14, 2017 at 2:11 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 33/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee January 15, 2017 at 5:24 am #
REPLY
Ash October 9, 2016 at 1:36 am #
This is simple to grasp! Great post! How can we perform dropout in keras?
REPLY
Jason Brownlee October 9, 2016 at 6:49 am #
Start Machine Learning ×
Thanks Ash.
You can master applied Machine Learning
You can learn about drop out with Keras here: without math or fancy degrees.
http://machinelearningmastery.com/dropout-regularization-deep-learning-models-keras/
Find out how in this free and practical course.
Email Address
REPLY
Homagni Saha October 14, 2016 at 4:15 am #
START MY EMAIL COURSE
Hello Jason,
You are using model.predict in the end to predict the results. Is it possible to save the model somewhere
in the harddisk and transfer it to another machine(turtlebot running on ROS for my instance) and then
use the model directly on turtlebot to predict the results?
Please tell me how
Thanking you
Homagni Saha
REPLY
Jason Brownlee October 14, 2016 at 9:07 am #
Absolutely!
Start Machine Learning
Learn exactly how in this tutorial I wrote:
http://machinelearningmastery.com/save-load-keras-deep-learning-models/
REPLY
Rimi October 16, 2016 at 8:21 pm #
Hi Jason,
I implemented you code to begin with. But I am getting an accuracy of 45.18% with the same parameters
and everything.
Cant figure out why.
Thanks
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 34/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee October 17, 2016 at 10:29 am #
REPLY
Ankit October 26, 2016 at 8:12 pm #
Hi Jason,
I am little confused with first layer parameters. You said that first layer has 12 neurons and expects 8
input variables.
Start Machine Learning ×
Why there is a difference between number of neurons, input_dim for first layer.
You can master applied Machine Learning
Regards, without math or fancy degrees.
Ankit Find out how in this free and practical course.
Email Address
REPLY
Jason Brownlee October 27, 2016 at 7:45 am #
START MY EMAIL COURSE
Hi Ankit,
The problem has 8 input variables and the first hidden layer has 12 neurons. Inputs are the columns
of data, these are fixed. The Hidden layers in general are whatever we design based on whatever
capacity we think we need to represent the complexity of the problem. In this case, we have chosen
12 neurons for the first hidden layer.
REPLY
Tom October 27, 2016 at 3:04 am #
Hi,
I have a data , IRIS like data but with more colmuns.
I want to use MLP and DBN/CNNClassifier (or any other Deep Learning classificaiton algorithm) on my
Start Machine Learning
data to see how correctly it does classified into 6 groups.
Previously using DEEP LEARNING FOR J, today first time see KERAS.
does KERAS has examples (code examples) of DL Classification algorithms?
Kindly,
Tom
REPLY
Jason Brownlee October 27, 2016 at 7:48 am #
Yes Tom, the example in this post is an example of a neural network (deep learning) applied
to a classification problem.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 35/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Rumesa October 30, 2016 at 1:57 am #
I have installed theano but it gives me the error of tensorflow.is it mendatory to install both
packages? because tensorflow is not supported on wndows.the only way to get it on windows is to install
virtual machine
REPLY
Jason Brownlee October 30, 2016 at 8:57 am #
Email Address
REPLY
Rumesa October 31, 2016 at 4:36 am #
START MY EMAIL COURSE
hey jason I have run your code but got the following error.Although I have aready
installed theano backend.help me out.I just stuck.
REPLY
Jason Brownlee October 31, 2016 at 5:34 am #
You can do this either by using the command line switch or changing the Keras config file.
REPLY
Maria January 6, 2017 at 1:05 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 36/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hello Rumesa!
Have you solved your problem? I have the same one. Everywhere is the same answer with
keras.json file or envirinment variable but it doesn’t work. Can you tell me what have
worked for you?
REPLY
Jason Brownlee January 7, 2017 at 8:20 am #
Interesting.
Maybe there is an issue with the latest version and a tight coupling to tensorflow? I have not
seen this myself.
Hi Jason,
START MY EMAIL COURSE
First off, thanks so much for creating these resources, I have been keeping an eye on your newsletter for
a while now, and I finally have the free time to start learning more about it myself, so your work has been
really appreciated.
My question is: How can I set/get the weights of each hidden node?
I am planning to create several arrays randomized weights, then use a genetic algorithm to see which
weight array performs the best and improve over generations. How would be the best way to go about
this, and if I use a “relu” activation function, am I right in thinking these randomly generated weights
should be between 0 and 0.05?
Thanks Alexon,
You can learn more about how to do this in the context of saving the weights to file here:
http://machinelearningmastery.com/save-load-keras-deep-learning-models/
I hope that helps as a start, I’d love to hear how you go.
REPLY
Alexon November 6, 2016 at 6:36 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 37/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Cheers!
REPLY
Arnaldo Gunzi November 2, 2016 at 10:17 pm #
Start
Jason Brownlee November 3, 2016 at 7:59 am # Machine Learning ×
REPLY
I’m glad you found it useful Arnaldo. You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Abbey November 14, 2016 at 11:05 pm #
Email Address
Good day
START MY EMAIL COURSE
I have a question, how can I represent a character as a vector that could be an input for the neural
network to predict the word meaning and trained using LSTM
For instance, I have bf to predict boy friend or best friend and similarly I have 2mor to predict tomorrow. I
need to encode all the input as a character represented as vector, so that it can be train with RNN/LSTM
to predict the output.
Thank you.
Kind Regards
REPLY
Jason Brownlee November 15, 2016 at 7:54 am #
REPLY
Abbey November 15, 2016 at 6:17 pm #
Thank you Jason, if i map characters to integers value to get vectors using English
Alphabets, numbers and special characters
The question is how will LSTM predict the character. Please example in more details for me.
Regards
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 38/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee November 16, 2016 at 9:27 am #
Hi Abbey,
If your output values are also characters, you can map them onto integers, and reverse the
mapping to convert the predictions back to text.
REPLY
Ammar November 27, 2016 at 10:35 am #
hi Jason,
i am trying to implement CNN one dimention on my data. so, i bluit my network.
the issue is:
def train_model(model, X_train, y_train, X_test, y_test):
X_train = X_train.reshape(-1, 1, 41)
X_test = X_test.reshape(-1, 1, 41)
numpy.random.seed(seed)
model.fit(X_train, y_train, validation_data=(X_test, y_test), nb_epoch=100, batch_size=64)
# Final evaluation of the model Start Machine Learning
scores = model.evaluate(X_test, y_test, verbose=0)
print(“Accuracy: %.2f%%” % (scores[1] * 100))
this method above does not work and does not give me any error message.
could you help me with this please?
REPLY
Jason Brownlee November 28, 2016 at 8:40 am #
Perhaps run from the command line and add some print() statements to see exactly where it stops.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 39/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
KK November 28, 2016 at 6:55 pm #
Hi Jason
Great work. I have another doubt. How can we apply this to text mining. I have a csv file containing
review document and label. I want to apply classify the documents based on the text available. Can U do
this favor.
REPLY
Jason Brownlee November 29, 2016 at 8:48 am #
I would recommend converting the chars to ints and then using an Embedding layer.
Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees. REPLY
Alex M November 30, 2016 at 10:52 pm #
Find out how in this free and practical course.
Thanks!
REPLY
Jason Brownlee December 1, 2016 at 7:29 am #
You need to download the file and place it in your current working directory Alex.
REPLY
Alex M December 1, 2016 at 6:45 pm #
Start Machine Learning
Sir, it is now successful….
Thanks!
REPLY
Jason Brownlee December 2, 2016 at 8:15 am #
REPLY
Bappaditya December 2, 2016 at 7:35 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 40/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi Jason,
First of all a special thanks to you for providing such a great tutorial. I am very new to machine
learning and truly speaking i had no background in data science. The concept of ML overwhelmed me
and now i have a desire to be an expert of this field. I need your advice to start from a scratch. Also i am
a PhD student in Computer Engineering ( computer hardware )and i want to apply it as a tool for fault
detection and testing for ICs.Can you provide me some references on this field?
REPLY
Jason Brownlee December 3, 2016 at 8:29 am #
Hi Bappaditya,
Email Address
REPLY
Alex M December 3, 2016 at 8:00 pm # START MY EMAIL COURSE
Well as usual in our daily coding life errors happen, now I have this error how can I correct it?
Thanks!
” —————————————————————————
NoBackendError Traceback (most recent call last)
in ()
16 import librosa.display
17 audio_path = (‘/Users/MA/Python Notebook/OK.mp3’)
—> 18 y, sr = librosa.load(audio_path)
C:\Users\MA\Anaconda3\lib\site-packages\audioread\__init__.py in audio_open(path)
112
113 # All backends failed!
–> 114 raise NoBackendError()
NoBackendError:
That is the error I am getting just when trying to load a song into librosa…
Thanks!! @Jason Brownlee
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 41/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee December 4, 2016 at 5:30 am #
Sorry, this looks like an issue with your librosa library, not a machine learning issue. I can’t
give you expert advice, sorry.
REPLY
Alex M December 4, 2016 at 10:30 pm #
REPLY
Lei December 4, 2016 at 10:52 pm #
……
Epoch 145/150
Start Machine Learning
10/768 […………………………] – ETA: 0s – loss: 0.3634 – acc: 0.8000
80/768 [==>………………………] – ETA: 0s – loss: 0.4066 – acc: 0.7750
150/768 [====>…………………….] – ETA: 0s – loss: 0.4059 – acc: 0.8067
220/768 [=======>………………….] – ETA: 0s – loss: 0.4047 – acc: 0.8091
300/768 [==========>……………….] – ETA: 0s – loss: 0.4498 – acc: 0.7867
380/768 [=============>…………….] – ETA: 0s – loss: 0.4595 – acc: 0.7895
450/768 [================>………….] – ETA: 0s – loss: 0.4568 – acc: 0.7911
510/768 [==================>………..] – ETA: 0s – loss: 0.4553 – acc: 0.7882
580/768 [=====================>……..] – ETA: 0s – loss: 0.4677 – acc: 0.7776
660/768 [========================>…..] – ETA: 0s – loss: 0.4697 – acc: 0.7788
740/768 [===========================>..] – ETA: 0s – loss: 0.4611 – acc: 0.7838
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 42/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 43/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee December 5, 2016 at 6:50 am #
There is randomness in the learning process that we cannot control for yet.
REPLY
Nanya December 10, 2016 at 2:55 pm #
REPLY
Jason Brownlee December 11, 2016 at 5:22 am #
Sorry Nanya, I’m not sure I understand your question. Are you able to rephrase it?
REPLY
Anon December 16, 2016 at 12:51 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 44/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I’ve just installed Anaconda with Keras and am using python 3.5.
It seems there’s an error with the rounding using Py3 as opposed to Py2. I think it’s because of
this change: https://github.com/numpy/numpy/issues/5700
I removed the rounding and just used print(predictions) and it seemed to work outputting floats instead.
…
Epoch 150/150
0s – loss: 0.4593 – acc: 0.7839
[[ 0.79361773]
[ 0.10443526]
[ 0.90862554]
…,
[ 0.33652252] Start Machine Learning ×
[ 0.63745886]
You can master applied Machine Learning
[ 0.11704451]]
without math or fancy degrees.
Find out how in this free and practical course.
Email
Jason Brownlee December 16, 2016 at 5:44 am # Address REPLY
REPLY
Florin Claudiu Mihalache December 19, 2016 at 2:37 am #
Hi Jason Brownlee
I tried to modified your exemple for my problem (Letter Recognition
,http://archive.ics.uci.edu/ml/datasets/Letter+Recognition).
My data set look like http://archive.ics.uci.edu/ml/machine-learning-databases/letter-recognition/letter-
recognition.data (T,2,8,3,5,1,8,13,0,6,6,10,8,0,8,0,8) .I try to split the data in input and ouput like this :
X = dataset[:,1:17]
Y = dataset[:,0]
but a have some error (something related that strings are not recognized) .
I tried to modified each letter whit the ASCII code (A became 65 and so on).The string error disappeared.
The program compiles now but the output look like thisStart
: Machine Learning
17445/20000 [=========================>….] – ETA: 0s – loss: -1219.4768 – acc:0.0000e+00
17605/20000 [=========================>….] – ETA: 0s – loss: -1219.4706 – acc:0.0000e+00
17730/20000 [=========================>….] – ETA: 0s – loss: -1219.4566 – acc:0.0000e+00
17890/20000 [=========================>….] – ETA: 0s – loss: -1219.4071 – acc:0.0000e+00
18050/20000 [==========================>…] – ETA: 0s – loss: -1219.4599 – acc:0.0000e+00
18175/20000 [==========================>…] – ETA: 0s – loss: -1219.3972 – acc:0.0000e+00
18335/20000 [==========================>…] – ETA: 0s – loss: -1219.4642 – acc:0.0000e+00
18495/20000 [==========================>…] – ETA: 0s – loss: -1219.5032 – acc:0.0000e+00
18620/20000 [==========================>…] – ETA: 0s – loss: -1219.4391 – acc:0.0000e+00
18780/20000 [===========================>..] – ETA: 0s – loss: -1219.5652 – acc:0.0000e+00
18940/20000 [===========================>..] – ETA: 0s – loss: -1219.5520 – acc:0.0000e+00
19080/20000 [===========================>..] – ETA: 0s – loss: -1219.5381 – acc:0.0000e+00
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 45/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Anon December 26, 2016 at 6:44 am #
Start Machine Learning ×
What version of Python are you running?
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
karishma sharma December 22, 2016 at 10:03 am #
Email Address
Hi Jason,
Since the epoch is set to 150 and batch size is 10, does the training algorithm pick 10 training examples
START MY EMAIL COURSE
at random in each iteration, given that we had only 768 total in X. Or does it sample randomly after it has
finished covering all.
Thanks
REPLY
Jason Brownlee December 23, 2016 at 5:27 am #
Good question,
It iterates over the dataset 150 times and within one epoch it works through 10 rows at a time before
doing an update to the weights. The patterns are shuffled before each epoch.
REPLY
Kaustuv January 9, 2017 at 4:57 am #
Hi Jason
Thanks a lot for this blog. It really helps me to start learning deep learning which was in a planning state
for last few months. Your simple enrich blogs are awsome. No questions from my side before completing
all tutorials.
One question regarding availability of your book. How can I buy those books from India ?
REPLY
Jason Brownlee January 9, 2017 at 7:53 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 46/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
All my books and training are digital, you can purchase them from here:
http://machinelearningmastery.com/products
REPLY
Stephen Wilson January 15, 2017 at 4:00 pm #
Hi Jason, firstly your work here is a fantastic resource and I am very thankful for the effort you
put in.
I am a slightly-better-than-beginner at python and an absolute novice at ML, I wonder if you could help
me classify my problem and find an angle to work at it from.
My data is thus:
Column Names: 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, Result
Values: 4, 4, 6, 6, 3, 2, 5, 5, 0, 0, 0, 0, 0, 0, 0, 4 Start Machine Learning ×
I want to find the percentage chance of each Column Names category being the Result based off the
You can master applied Machine Learning
configuration of all the values present from 1-15. Thenwithout
if need math
be compare
or fancythe configuration of Values
degrees.
with another row of values to find the same, Resulting Find
in theouttotal
howneeded calculation
in this free as: course.
and practical
Column Names: 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, Result
Values: 4, 4, 6, 6, 3, 2, 5, 5, 0, 0, 0, 0, 0, 0, 0, 4 Email Address
Values2: 7, 3, 5, 1, 4, 8, 6, 2, 9, 9, 9, 9, 9, 9, 9
REPLY
Jason Brownlee January 16, 2017 at 10:39 am #
Hi Stephen,
REPLY
Rohit January 16, 2017 at 10:37 pm # Start Machine Learning
Just wanted to ask if it is possible to save this model in a file and port it to may be an Android or iOS
device? If so, what are the libraries available for the same?
Thanks
Rohit
REPLY
Jason Brownlee January 17, 2017 at 7:38 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 47/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Thanks Rohit,
I don’t know about running Keras on an Android or iOS device. Let me know how you go.
REPLY
zaheer khan June 16, 2017 at 7:17 pm #
will be waiting for your kind reply. You can master applied Machine Learning
thanks in advance. without math or fancy degrees.
zaheer Find out how in this free and practical course.
Email Address
REPLY
Jason Brownlee June 17, 2017 at 7:25 am #
START MY EMAIL COURSE
Perhaps, this sounds like a systems design question, not really machine learning.
I would suggest you gather requirements, assess risks like any software engineering project.
REPLY
Hsiang January 18, 2017 at 3:35 pm #
Hi, Jason
Thanks!
REPLY
Jason Brownlee January 19, 2017 at 7:24 am #
Sorry, I do not use notebooks myself. I cannot offer you good advice.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 48/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Hsiang January 19, 2017 at 12:53 pm #
Thanks, Jason!
Actually the problem is not on notebooks. Even I used the terminal mode, i.e. doing “source
activate tensorflow” only. It failed to import sklearn. Does that mean tensorflow library is not
compatible with sklearn? Thanks again!
REPLY
Jason Brownlee January 20, 2017 at 10:17 am #
Sorry Hsiang, I don’t have experience using sklearn and tensorflow with virtual
environments.
Start Machine Learning ×
You can master applied Machine Learning
START
Jason Brownlee January 21, 2017 MYam
at 10:34 EMAIL
# COURSE
REPLY
keshav bansal January 24, 2017 at 12:45 am #
hello sir,
A very informative post indeed . I know my question is a very trivial one but can you please show me
how to predict on a explicitly mentioned data tuple say v=[6,148,72,35,0,33.6,0.627,50]
thanks for the tutorial anyway
REPLY
Jason Brownlee January 24, 2017 at 11:04 am #
Start Machine Learning
Hi keshav,
REPLY
CATRINA WEBB January 25, 2017 at 9:06 am #
When I rerun the file (without predictions) does it reset the model and weights?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 49/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Ericson January 30, 2017 at 8:04 pm #
excuse me sir, i wanna ask you a question about this paragraph”dataset = numpy.loadtxt(“pima-
indians-diabetes.csv”,delimiter=’,’)”, i used the mac and downloaded the dataset,then i exchanged the
text into csv file. Running the program
REPLY
Jason Brownlee February 1, 2017 at 10:22 am #
Hi Ericson,
Confirm that the contents of “pima-indians-diabetes.csv” meet your expectation of a list of CSV lines.
REPLY
Sukhpal February 7, 2017 at 9:00 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 50/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Will February 14, 2017 at 5:33 am #
Great tutorial! Amazing amount of work you’ve put in and great marketing skills (I also have an
email list, ebooks and sequence, etc). I ran this in Jupyter notebook… I noticed the 144th epoch (acc
.7982) had more accuracy than at 150. Why is that?
REPLY
Jason Brownlee February 14, 2017 at 10:07 am #
Start Machine Learning
Thanks Will.
The model will fluctuate in performance while learning. You can configure triggered check points to
save the model if/when conditions like a decrease in train/validation performance is detected. Here’s
an example:
http://machinelearningmastery.com/check-point-deep-learning-models-keras/
REPLY
Sukhpal February 14, 2017 at 3:50 pm #
REPLY
Jason Brownlee February 15, 2017 at 11:32 am #
Consider getting code working from the command line, I don’t use IDEs myself.
REPLY
Kamal February 14, 2017 at 5:15 pm #
Email Address
REPLY
Jason Brownlee February 15, 2017 at 11:32 amSTART
# MY EMAIL COURSE
REPLY
Kamal February 15, 2017 at 3:24 pm #
REPLY
Jason Brownlee February 16, 2017 at 11:06 am #
I’m not sure I understand your question Kamal, please you could restate it?
Start Machine Learning
REPLY
Val February 15, 2017 at 9:00 pm #
Hi Jason, im just starting deep learning in python using keras and theano. I have followed the
installation instructions without a hitch. Tested some examples but when i run this one line by line i get a
lot of exceptions and errors once i run the “model.fit(X,Y, nb_epochs=150, batch_size=10”
REPLY
Jason Brownlee February 16, 2017 at 11:06 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 52/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
CrisH February 17, 2017 at 8:12 pm #
Hi, how do I know what number to use for random.seed() ? I mean you use 7, is there any
reason for that? Also is it enough to use it only once, in the beginning of the code?
REPLY
Jason Brownlee February 18, 2017 at 8:38 am #
You can use any number CrisH. The fixed random seed makes the example reproducible.
Start Machine Learning ×
You can learn more about randomness and random seeds in this post:
http://machinelearningmastery.com/randomness-in-machine-learning/
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
kk February 18, 2017 at 1:53 am #
Email Address
am new to deep learning and found this great tutorial. keep it up and look forward!!
START MY EMAIL COURSE
REPLY
Jason Brownlee February 18, 2017 at 8:41 am #
Thanks!
REPLY
Iqra Ameer February 21, 2017 at 5:20 am #
HI, I have a problem in execution the above example as it. It seems that it’s not running properly
and stops at Using TensorFlow backend.
Epoch 147/150
768/768 [==============================] – 0s – loss: 0.4709 – acc: 0.7878
Epoch 148/150 Start Machine Learning
768/768 [==============================] – 0s – loss: 0.4690 – acc: 0.7812
Epoch 149/150
768/768 [==============================] – 0s – loss: 0.4711 – acc: 0.7721
Epoch 150/150
768/768 [==============================] – 0s – loss: 0.4731 – acc: 0.7747
32/768 [>………………………..] – ETA: 0sacc: 76.43%
I am new in this field, could you please guide me about this error.
I also executed on another data set, it stops with the same behavior.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 53/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee February 21, 2017 at 9:39 am #
Maybe try the Theano backend and see if that makes a difference. Also make sure all of your
libraries are up to date.
REPLY
Iqra Ameer February 22, 2017 at 5:47 am #
Dear Jason,
Thank you so much for your valuable suggestions. I tried Theano backend and also updated all my
libraries, but again it hanged at:
Start Machine Learning ×
768/768 [==============================] – 0s – loss: 0.4656 – acc: 0.7799
You can master applied Machine Learning
Epoch 149/150
without math or fancy degrees.
768/768 [==============================] – 0s – loss: 0.4589 – acc: 0.7826
Find out how in this free and practical course.
Epoch 150/150
768/768 [==============================] – 0s – loss: 0.4611 – acc: 0.7773
32/768 [>………………………..] – ETA: 0sacc: 78.91% Email Address
REPLY
Jason Brownlee February 22, 2017 at 10:05 am #
I’m sorry to hear that, I have not seen this issue before.
Perhaps a RAM issue or a CPU overheating issue? Are you able to try different hardware?
REPLY
frd March 8, 2017 at 2:50 am #
Hi!
REPLY
Bhanu February 23, 2017 at 1:51 pm #
Hello sir,
i want to ask wether we can convert this code to deep learning wid increasing number of layers..
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 54/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee February 24, 2017 at 10:12 am #
Sure you can increase the number of layers, try it and see.
REPLY
Ananya Mohapatra February 28, 2017 at 6:40 pm #
hello sir,
could you please tell me how do i determine the no.of neurons in each layer, because i am using a
different datset and am unable to know the no.of neurons in each layer
Start Machine Learning ×
You can master applied Machine Learning
REPLY
Jason Brownlee March 1, 2017 at 8:33 am #without math or fancy degrees.
Find out how in this free and practical course.
Hi Ananya, great question.
You can configure the number of neurons in a layer by trial and error. Also consider tuning the
number of epochs and batch size at the same time. START MY EMAIL COURSE
REPLY
Ananya Mohapatra March 1, 2017 at 4:42 pm #
REPLY
Jason Brownlee March 2, 2017 at 8:11 am #
Hi Jason,
really helpful blog. I have a question about how much time does it take to converge?
I have a dataset with around 4000 records, 3 input columns and 1 output column. I came up with the
following model
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 55/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
model.add(Dropout(dropout_rate))
model.add(Dense(1, init=’uniform’, activation=’sigmoid’))
# Optimizer
optimizer = Adam(lr=learning_rate)
# Compile model
model.compile(loss=’binary_crossentropy’, optimizer=optimizer, metrics=[‘accuracy’])
return model
# create model
model = KerasRegressor(build_fn=create_model, verbose=0)
# define the grid search parameters
batch_size = [10]
epochs = [100]
weight_constraint = [3]
dropout_rate = [0.9] Start Machine Learning ×
learning_rate = [0.01]
You can master applied Machine Learning
activation = [‘linear’]
without math or fancy degrees.
param_grid = dict(batch_size=batch_size, nb_epoch=epochs, dropout_rate=dropout_rate, \
Find out how in this free and practical course.
weight_constraint=weight_constraint, learning_rate=learning_rate, activation=activation)
grid = GridSearchCV(estimator=model, param_grid=param_grid, n_jobs=-1, cv=5)
grid_result = grid.fit(X_train, Y_train) Email Address
I have a 32 core machine with 64 GB RAM and it does not converge even in more than an hour. I can
START
see all the cores busy, so it is using all the cores for training. MY EMAIL
However, if COURSE
I change the input neurons to 3
then it converges in around 2 minutes.
It’s using Tensorflow backend. Can you help me understand what is going on or point me in the right
direction? Do you think switching to theano will help?
Best,
Jayant
REPLY
Jason Brownlee March 1, 2017 at 8:36 am #
Start Machine Learning
This post might help you tune your deep learning model:
http://machinelearningmastery.com/improve-deep-learning-performance/
REPLY
Animesh Mohanty March 1, 2017 at 9:21 pm #
hello sir,
could you please tell me how can i plot the results of the code on a graph . I made a few adjustments to
the code so as to run it on a different dataset.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 56/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee March 2, 2017 at 8:16 am #
REPLY
Animesh Mohanty March 2, 2017 at 4:56 pm #
Accuracy vs no.of neurons in the input layer and the no.of neurons in the hidden layer
REPLY
param March 2, 2017 at 12:15 am #
Start Machine Learning ×
sir can u plz explain
the different attributes used in this statement You can master applied Machine Learning
without math or fancy degrees.
print(“%s: %.2f%%” % (model.metrics_names[1], scores[1]*100))
Find out how in this free and practical course.
Email Address
REPLY
param March 2, 2017 at 12:16 am #
REPLY
Jason Brownlee March 2, 2017 at 8:22 am #
REPLY
Jason Brownlee March 2, 2017 at 8:20 am #
Hi param,
Start Machine Learning
It is using string formatting. %s formats a string, %.2f formats a floating point value with 2 decimal
places, %% includes a percent symbol.
REPLY
Vijin K P March 2, 2017 at 4:01 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 57/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi Jason,
It was an awesome post. Could you please tell me how to we decide the following in a DNN 1. number of
neurons in the hidden layers
2. number of hidden layers
Thanks.
Vijin
REPLY
Jason Brownlee March 2, 2017 at 8:22 am #
Start
Generally, trial and error. There are no good theories Machine
on how to configureLearning
a neural network. ×
You can master applied Machine Learning
without math or fancy degrees.
Vijin K P March 3, 2017 at 5:23 am # Find out how in this free and practical course. REPLY
We do cross validation, grid search etc to find the hyper parameters in machine
Email Address
algorithms. Similarly can we do anything to identify the above parameters??
REPLY
Jason Brownlee March 3, 2017 at 7:46 am #
Yes, we can use grid search and tuning for neural nets.
The stochastic nature of neural nets means that each experiment (set of configs) will have to
be run many times (30? 100?) so that you can take the mean performance.
seed = 7
numpy.random.seed(seed)
One more question is why do you call the last section Bonus:Make a prediction?
I thought this what ANN was created for. What the point if your network’s output is just what you have
already know?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 58/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee March 3, 2017 at 7:44 am #
They seed the random number generator so that it produces the same sequence of random
numbers each time the code is run. This is to ensure you get the same result as me.
I was showing how to build and evaluate the model in this tutorial. The part about standalone
prediction was an add-on.
You
what exactly is the work of “seed” in the neural can master
network code?applied
what Machine Learning
does it do?
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee March 6, 2017 at 10:44 am #Email Address
Seed refers to seeding the random number generator so that the same sequence of
START
random numbers is generated each time the example MY EMAIL COURSE
is run.
The aim is to make the examples 100% reproducible, but this is hard with symbolic math libs like
Theano and TensorFlow backends.
REPLY
Priya Sundari March 3, 2017 at 10:19 pm #
hello sir
could you plz tell me what is the role of optimizer and binary_crossentropy exactly? it is written that
optimizer is used to search through the weights of the network which weights are we talking about
exactly?
Start Machine Learning
REPLY
Jason Brownlee March 6, 2017 at 10:48 am #
Hi Priya,
You can learn more about the fundamentals of neural nets here:
http://machinelearningmastery.com/neural-networks-crash-course/
REPLY
Bogdan March 3, 2017 at 10:23 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 59/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
init = ‘uniform’
REPLY
Bogdan March 3, 2017 at 10:44 pm #
×
REPLY
Jason Brownlee March 6, 2017 at 10:50 am #
Start Machine Learning
Hi Bogdan,
You can master applied Machine Learning
Batch size is how many patterns to show to the network
withoutbefore
math the weights
or fancy are updated with the
degrees.
accumulated errors. The smaller the batch, the faster
Findthe
out learning, but
how in this also
free andthe more noisy
practical the
course.
learning (higher variance).
Email
Try exploring different batch sizes and see the effect Address
on the train and test performance over each
epoch.
REPLY
Mohammad March 7, 2017 at 6:50 am #
Dear Jason
Firstly, thanks for your great tutorials.
I am trying to classify computer networks packets using first 500 bytes of every packet to identify its
protocol. I am trying to use 1d convolution. for simpler task,I just want to do binary classification and then
tackle multilabel classification for 10 protocols. Here is my code but the accuracy which is like .63. how
can I improve the performance? should I Use RNNs?
########
model=Sequential()
model.add(Convolution1D(64,10,border_mode=’valid’,
activation=’relu’,subsample_length=1, input_shape=(500, 1)))
#model.add(Convolution2D(32,5,5,border_mode=’valid’,input_shape=(1,28,28),))
Start Machine Learning
model.add(MaxPooling1D(2))
model.add(Flatten())
model.add(Dense(200,activation=’relu’))
model.add(Dense(1,activation=’sigmoid’))
model.compile(loss=’binary_crossentropy’,
optimizer=’adam’,metrics=[‘accuracy’])
model.fit(train_set, y_train,
batch_size=250,
nb_epoch=30,
show_accuracy=True)
#x2= get_activations(model, 0,xprim )
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 60/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee March 7, 2017 at 9:37 am #
REPLY
Damiano March 7, 2017 at 10:13 pm #
# create model
model = Sequential() Email Address
model.add(Dense(250, input_dim=8, init=’uniform’, activation=’relu’))
model.add(Dense(200, init=’uniform’, activation=’relu’)) START MY EMAIL COURSE
model.add(Dense(200, init=’uniform’, activation=’relu’))
model.add(Dense(1, init=’uniform’, activation=’sigmoid’))
and this:
new_input = numpy.array([[3,88,58,11,54,24.8,267,22],[6,92,92,0,0,19.9,188,28],
[10,101,76,48,180,32.9,171,63], [2,122,70,27,0,36.8,0.34,27], [5,121,72,23,112,26.2,245,30]])
predictions = model.predict(new_input)
print predictions # [1.0, 1.0, 1.0, 0.0, 1.0]
is this correct? In this example i used the same series of training (that have 0 class), but i am getting
wrong results. Only one array is correctly predicted.
REPLY
Jason Brownlee March 8, 2017 at 9:41 am #
Looks good. Perhaps you could try changing the configuration of your model to make it
more skillful?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 61/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
ANJI March 13, 2017 at 8:48 pm #
hello sir,
could you please tell me to rectify my error below it is raised while model is training:
str(array.shape))
ValueError: Error when checking model input: expected convolution2d_input_1 to have 4 dimensions,
but got array with shape (68, 28, 28).
REPLY
Jason Brownlee March 14, 2017 at 8:17 am #
It looks like you are working with CNN, not related to this tutorial.
Start Machine Learning ×
Consider trying this tutorial to get familiar with CNNs:
You can master applied Machine Learning
http://machinelearningmastery.com/handwritten-digit-recognition-using-convolutional-neural-
without math or fancy degrees.
networks-python-keras/
Find out how in this free and practical course.
Email Address
REPLY
Rimjhim March 14, 2017 at 8:21 pm #
START MY EMAIL COURSE
I want a neural that can predict sin values. Further from a given data set i need to determine the
function(for example if the data is of tan or cos, then how to determine that data is of tan only or cos
only)
Thanks in advance
REPLY
Sudarshan March 15, 2017 at 11:19 pm #
Keras just updated to Keras 2.0. I have an updated version of this code here:
https://github.com/sudarshan85/keras-projects/tree/master/mlm/pima_indians
REPLY
Jason Brownlee March 16, 2017 at 7:59 am #
Start Machine Learning
Nice work.
REPLY
subhasish March 16, 2017 at 5:09 pm #
hello sir,
can we use PSO (particle swarm optimisation) in this? if so can you tell how?
REPLY
Jason Brownlee March 17, 2017 at 8:25 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 62/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Sorry, I don’t have an example of PSO for fitting neural network weights.
REPLY
Ananya Mohapatra March 16, 2017 at 10:03 pm #
hello sir,
what type of neural network is used in this code? as there are 3 types of Neural network that are…
feedforward, radial basis function and recurrent neurak network.
REPLY
Jason Brownlee March 17, 2017 at 8:28 am #
Start
A multilayer perceptron (MLP) neural network. Machine
A classic Learning
type from the 1980s.
×
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course. REPLY
Diego March 17, 2017 at 3:58 am #
REPLY
Jason Brownlee March 17, 2017 at 8:30 am #
Perhaps confirm that your libraries are all up to date (Keras, Theano or TensorFlow)?
REPLY
Rohan March 20, 2017 at 5:20 am #
Hi Jason!
I am trying to use two odd frames of a video to predict the even one. Thus I need to give two images as
input to the network and get one image as output. Can you help me with the syntax for the first
model.add()? I have X_train of dimension (190, 2, 240, 320, 3) where 190 are the number of odd pairs, 2
are the two odd images, and (240,320,3) are the (height, width,
Start depth)Learning
Machine of each image.
REPLY
Herli Menezes March 21, 2017 at 8:33 am #
Hello, Jason,
Thanks for your good tutorial. However i found some issues:
Warnings like these:
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 63/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
UserWarning: Update your Dense call to the Keras 2 API: Dense(12, activation=”relu”,
kernel_initializer=”uniform”, input_dim=8)
Why?
Thank you!
REPLY
Jason Brownlee March 21, 2017 at 8:45 am #
These look like warnings related to the recent Keras 2.0 release.
They look like just warning and that you can still run the example.
Start Machine Learning
I do not know why you are getting all zeros. I will investigate.
REPLY
Ananya Mohapatra March 21, 2017 at 6:21 pm #
hello sir,
can you please help me build a recurrent neural network with the above given dataset. i am having a bit
trouble in building the layers…
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 64/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee March 22, 2017 at 7:56 am #
Hi Ananya ,
The Pima Indian diabetes dataset is a binary classification problem. It is not appropriate for a
Recurrent Neural Network as there is no sequence information to learn.
REPLY
Ananya Mohapatra March 22, 2017 at 8:04 pm #
sir so could you tell on which type of dataset would the recurrent neural network
accurately work? i have the dataset of EEG signals of epileptic patients…will recurrent network
work on this? Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees.
Jason Brownlee March 23, 2017 atFind
8:49out
am how
# in this free and practical course. REPLY
REPLY
Shane March 22, 2017 at 5:18 am #
Hi Jason, I have a quick question related to an error I am receiving when running the code in
the tutorial…
When I run
# Compile model
model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])
Perhaps check that your environment is up to date with the latest versions of the deep learning
libraries?
REPLY
Tejes March 24, 2017 at 1:04 am #
Hi Jason,
Thanks for this awesome post.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 65/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I ran your code with tensorflow back end, just out of curiosity. The accuracy returned was different every
time I ran the code. That didn’t happen with Theano. Can you tell me why?
Thanks in advance!
REPLY
Jason Brownlee March 24, 2017 at 7:56 am #
You will get different accuracy each time you run the code because neural networks are
stochastic.
Hi Jason,
Email Address
I’m new to deep learning and learning it from your tutorials, which previously helped me understand
Machine Learning very well.
In the following code, I want to know why the number of START MYdiffer
neurons EMAIL COURSE
from input_dim in first layer of
Nueral Net.
# create model
model = Sequential()
model.add(Dense(12, input_dim=8, init=’uniform’, activation=’relu’))
model.add(Dense(8, init=’uniform’, activation=’relu’))
model.add(Dense(1, init=’uniform’, activation=’sigmoid’))
REPLY
Jason Brownlee March 28, 2017 at 8:22 am #
You can specify the number of inputs via “input_dim”, you can specify the number of
neurons in the first hidden layer as the first parameter to Dense().
REPLY
Saurabh Bhagvatula March 28, 2017 at 4:15 pm #
Thanx a lot.
REPLY
Jason Brownlee March 29, 2017 at 9:05 am #
You’re welcome.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 66/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi Jason
while running this code for k fold cross validation it is not working.please give the code for k fold cross
validation in binary class
REPLY
Jason Brownlee March 29, 2017 at 9:10 am #
Generally neural nets are too slow/large for k-fold cross validation.
Nevertheless, you can use a sklearn wrapper for a keras model and use it with any sklearn
resampling method:
Start Machine Learning
http://machinelearningmastery.com/evaluate-performance-machine-learning-algorithms-python-
×
using-resampling/
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
trangtruong March 29, 2017 at 7:04 pm #
Email Address
Hi Jason, why i use function evaluate to get accuracy score my model with test dataset, it return
result >1, i can’t understand.
START MY EMAIL COURSE
REPLY
enixon April 3, 2017 at 3:08 am #
Hey Jason, thanks for this great article! I get the following error when running the code above:
Any ideas on why that might be? I can’t get ‘epochs’, nb_epochs, etc to work…
REPLY
Jason Brownlee April 4, 2017 at 9:07 am #
REPLY
Ananya Mohapatra April 5, 2017 at 9:30 pm #
def baseline_model():
# create model
model = Sequential()
model.add(Dense(10, input_dim=25, init=’normal’, activation=’softplus’))
model.add(Dense(3, init=’normal’, activation=’softmax’))
# Compile model
model.compile(loss=’mean_squared_error’, optimizer=’adam’, metrics=[‘accuracy’])
return model
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 67/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
sir here mean_square_error has been used for loss calculation. Is it the same as LMS algorithm. If not,
can we use LMS , NLMS or RLS to calculate the loss?
REPLY
Ahmad Hijazi April 5, 2017 at 10:19 pm #
My question is, after I trained the model and an accuracy of 79.2% for example is obtained successfully,
how can I test this model on new data?
for example if a new patient with new records appear, I want to guess the result (0 or 1) for him, how can
I do that in the code?
REPLY
Perick Flaus April 6, 2017 at 12:16 am #
REPLY
Jason Brownlee April 9, 2017 at 2:36 pm #
1 yhat = model.predict(X)
REPLY
Gangadhar April 12, 2017 at 1:28 am # Start Machine Learning
Dr Jason,
REPLY
Jason Brownlee April 12, 2017 at 7:53 am #
REPLY
Omogbehin Azeez April 13, 2017 at 1:48 am #
Hello sir,
Thank you for the post. A quick question, my dataset has 24 input and 1 binary output( 170 instances,
100 epoch , hidden layer=6 and 10 batch, kernel_initializer=’normal’) . I adapted your code using Tensor
flow and keras. I am having an accuracy of 98 to 100 percent. I am scared of over-fitting in my model. I
need your candid advice. Kind regards sir
REPLY
Jason Brownlee April 13, 2017 at 10:07 am #
Start Machine Learning ×
Yes, evaluate your model using k-fold cross-validation to ensure you are not tricking
yourself. You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Omogbehin Azeez April 14, 2017 at 1:08Email
am # Address
REPLY
Sethu Baktha April 13, 2017 at 5:19 am #
Hi Jason,
If I want to use the diabetes dataset (NOT Pima) https://archive.ics.uci.edu/ml/datasets/Diabetes to
predict Blood Glucose which tutorials and e-books of yours would I need to start with…. Also, the data in
its current format with time, code and value is it usable as is or do I need to convert the data in another
format to be able to use it.
REPLY
Jason Brownlee April 13, 2017 at 10:13 am #
Start Machine Learning
This process will help you frame and work through your dataset:
http://machinelearningmastery.com/start-here/#process
REPLY
Sethu Baktha April 13, 2017 at 10:25 am #
Dr. Jason,
The data is time series(time based data) with categorical(20) with two numbers one for insulin
level and another for blood sugar level… Each time series data does not have every categorical
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 69/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
data… For example one category is blood sugar before breakfast, another category is blood
sugar after breakfast, before lunch and after lunch… Some times some of these category data is
missing… I read through the above link, but does not talk about time series, categorical data
with some category of data missing what to do in those cases…. Please let me know if any of
your books will help clarify these points?
REPLY
Jason Brownlee April 14, 2017 at 8:43 am #
Hi Sethu,
I have many posts on time series that will help. Get started here:
http://machinelearningmastery.com/start-here/#timeseries
Start Machine Learning
With categorical data, I would recommend an integer encoding perhaps followed by a one-
×
hot encoding. You can learn more about these encodings here:
You can master applied Machine Learning
http://machinelearningmastery.com/data-preparation-gradient-boosting-xgboost-python/
without math or fancy degrees.
I hope that helps. Find out how in this free and practical course.
Email Address
REPLY
Omogbehin Azeez April 14, 2017 at 9:49 am #
START MY EMAIL COURSE
Hello sir,
Is it compulsory to normalize the data before using ANN model. I read it somewhere I which the author
insisted that each attribute be comparable on the scale of [0,1] for a meaningful model. What is your take
on that sir. Kind regards.
REPLY
Jason Brownlee April 15, 2017 at 9:29 am #
Yes. You must scale your data to the bounds of the activation used.
REPLY
shiva April 14, 2017 at 10:38 am #
Start Machine Learning
Hi Jason, You are simply awesome. I’m one of the many who got benefited from your book
“machine learning mastery with python”. I’m working with a medical image classification problem. I have
two classes of medical images (each class having 1000 images of 32*32) to be worked upon by the
convolutional neural networks. Could you guide me how to load this data to the keras dataset? Or how to
use my data while following your simple steps? kindly help.
REPLY
Jason Brownlee April 15, 2017 at 9:30 am #
Load the data as numpy arrays and then you can use it with Keras.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 70/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Omogbehin Azeez April 18, 2017 at 12:09 am #
Hello sir,
I adapted your code with the cross validation pipelined with ANN (Keras) for my model. It gave me 100%
still. I got the data from UCI ( Chronic Kidney Disease). It was 400 instances, 24 input attributes and 1
binary attribute. When I removed the rows with missing data I was left with 170 instances. Is my dataset
too small for (24 input layer, 24 hidden layer and 1 output layer ANN, using adam and kernel initializer as
uniform )?
Email Address
REPLY
Omogbehin Azeez April 18, 2017 at 11:10 pm #
REPLY
Padmanabhan Krishnamurthy April 19, 2017 at 6:26 pm #
Hi Jason,
Thanks
Try a few methods and use the one that works best for your problem.
REPLY
Padmanabhan Krishnamurthy April 20, 2017 at 4:32 pm #
Thanks
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 71/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Omogbehin Azeez April 25, 2017 at 8:13 am #
Hello sir,
Good day sir, how can I get all the weights and biases of the keras ANN. Kind regards.
REPLY
Jason Brownlee April 26, 2017 at 6:19 am #
Start
You can also use the API to access the weights directly. Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees.
Shiva April 27, 2017 at 5:43 am # Find out how in this free and practical course. REPLY
result = map(len, X)
print(“Mean %.2f words (%f)” % (numpy.mean(result), numpy.std(result)))
it returns the error: unsupported operand type(s) for /: ‘map’ and ‘int’
REPLY
Jason Brownlee April 27, 2017 at 8:47 am #
REPLY
Elikplim May 1, 2017 at 1:58 am #
Hello, quite new to Python, Numpy and Keras(background in PHP, MYSQL etc). If there are 8
input variables and 1 output varable(9 total), and the Array indexing starts from zero(from what I’ve
gathered it’s a Numpy Array, which is built on Python lists) and the order is [rows, columns], then
shouldn’t our input variable(X) be X = dataset[:,0:7] (where we select from the 1st to 8th columns, ie. 0th
to 7th indices) and output variable(Y) be Y = dataset[:,8] (where we the 9th column, ie. 8th index)?
REPLY
Jason Brownlee May 1, 2017 at 5:59 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 72/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jackie Lee May 1, 2017 at 12:47 pm #
I’m having troubles with the predictions part. It saves ValueError: Error when checking model
input: expected dense_1_input to have shape (None, 502) but got array with shape (170464, 502)
print(predictions)
print(“Prediction Accuracy: %.2f%%” % (accuracy*100))Email Address
It looks like you might be giving the entire dataset as the output (y) rather than just the
output variable.
REPLY
Anastasios Selalmazidis May 2, 2017 at 12:27 am #
Hi there,
I have a question regarding deep learning. In this tutorial we build a MLP with Keras. Is this Deep
Learning or is it just a MLP Backpropagation ?
REPLY
Eric T May 2, 2017 at 8:59 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 73/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi,
Would you mind if I use this code as an example of a simple network in a school project of mine?
Need to ask before using it, since I cannot find anywhere in this tutorial that you are OK with anyone
using the code, and the ethics moment of my course requires me to ask (and of course give credit where
credit is due).
Kind regards
Eric T
REPLY
Jason Brownlee May 3, 2017 at 7:35 am #
Yes it’s fine but I take no responsibility and you must credit the source.
REPLY
Dp May 11, 2017 at 2:26 am #
Can you give a deep cnn code which includes 25 layers , in the first conv layer the filter sizs
should be 39×39 woth a total lf 64 filters , in the 2nd conv layer , 21 ×21 with 32 filters , in the 3rd conv
layer 11×11 with 64 filters , 4th Conv layer 7×7 with 32 layers . For a input size of image 256×256. Im
Competely new in this Deep learning Thing but if you can code that for me it would be a great help.
Thanks
REPLY
Jason Brownlee May 11, 2017 at 8:33 am # Start Machine Learning
REPLY
Maple May 13, 2017 at 12:58 pm #
I have to follow with the facebook metrics. But the result is very low. Help me.
I changed the input but did not improve
http://archive.ics.uci.edu/ml/datasets/Facebook+metrics
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 74/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee May 14, 2017 at 7:24 am #
REPLY
Alessandro May 14, 2017 at 1:01 am #
Hi Jason,
REPLY
Jason Brownlee May 14, 2017 at 7:30 am #
Some ideas:
– Consider trying the theano backend and see if that makes a difference.
– Try searching/posting on the keras user group and slack channel.
– Try searching/posting on stackoverflow or cross validated.
REPLY
Alessandro May 14, 2017 at 9:44 am #
Hi Jason,
I found the issue. The tensorflow installation was outdated; so I have updated it and everything
is working nicely.
Good night,
Alessandro
Start
Jason Brownlee May 15, 2017 at 5:50 am # Machine Learning ×
REPLY
I’m glad to hear it Alessandro. You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Sheikh Rafiul Islam May 25, 2017 at 3:36 pm # Email Address
Thank you Mr. Brownlee for your wonderful easy to understand explanation
START MY EMAIL COURSE
REPLY
Jason Brownlee June 2, 2017 at 11:41 am #
Thnaks.
REPLY
WAZED May 29, 2017 at 12:31 am #
Hi Jason,
Thank you very much for your wonderful tutorial. I have a question regarding the metrices.Is there
default way to declare metrices “Precision” and “Recall” in addtion with the “Accurace”.
Br
WAZED Start Machine Learning
REPLY
Jason Brownlee June 2, 2017 at 12:15 pm #
REPLY
chiranjib konwar May 29, 2017 at 4:30 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 76/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi Jason,
please send me a small note containing resources from where i can learn deep learning from scratch.
thanks for the wonderful read you had prepared.
Thanks in advance
REPLY
Jason Brownlee June 2, 2017 at 12:16 pm #
Here:
http://machinelearningmastery.com/start-here/#deeplearning
Start Machine Learning ×
You can master applied Machine Learning
REPLY
Jeff June 1, 2017 at 11:48 am # without math or fancy degrees.
Find out how in this free and practical course.
Why the NN have mistakes many times?
Email Address
REPLY
Jason Brownlee June 2, 2017 at 12:54 pm # START MY EMAIL COURSE
REPLY
kevin June 2, 2017 at 5:53 pm #
Hi Jason,
ValueError: Error when checking input: expected dense_1_input to have shape (None, 12) but got array
with shape (767, 8)
I looked this up and the most prominent suggestion seemed to be upgrade keras and theno, which I did,
but that didn’t resolve the problem.
Start Machine Learning
REPLY
Jason Brownlee June 3, 2017 at 7:24 am #
Ensure you have copied the code exactly from the post.
REPLY
Hemanth Kumar K June 3, 2017 at 2:15 pm #
hi Jason,
I am stuck with an error
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 77/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee June 4, 2017 at 7:46 am #
I’m sorry to hear that, I have not seen that error before. Perhaps you could post a question
to stackoverflow or the keras user group?
REPLY
Nirmesh Shah June 9, 2017 at 11:00 pm #
Hi Jason,
If I have to run the same code n another PC which contains GPU, What line should I add to make it sure
that it runs on the GPU
REPLY
Jason Brownlee June 10, 2017 at 8:24 am #
The code would stay the same, your configuration of the Learning
Start Machine Keras backend would change.
REPLY
Prachi June 12, 2017 at 7:30 pm #
What if I want to train my neural which should detect whether the luggage is abandoned or not ?
How do i proceed for it ?
REPLY
Jason Brownlee June 13, 2017 at 8:18 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 78/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
This process will help you work through your predictive modeling problem end to end:
http://machinelearningmastery.com/start-here/#process
REPLY
Ebtesam June 14, 2017 at 11:15 pm #
Hi
I was build neural machine translation model but the score i was get is 0 i am not sure why
REPLY
Jason Brownlee June 15, 2017 at 8:45 am #
REPLY
Sarvottam Patel June 20, 2017 at 8:05 pm #
REPLY
Jason Brownlee June 21, 2017 at 8:12 am #
REPLY
Joydeep June 30, 2017 at 4:15 pm #
Hi Dr Jason,
I used the below snippet to directly load the dataset from the URL rather than downloading and saving
as this makes the code more streamlined without having to navigate elsewhere.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 79/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee July 1, 2017 at 6:28 am #
REPLY
Andeep July 10, 2017 at 1:14 am #
Hi Dr Brownlee,
2. In my case I have 3 input neurons and 2 output neurons. Is the correct notation:
X = dataset[:,0:3]
Y = dataset[:,3:4] ?
3. The batch size means how many training data are used in one epoch, am I right?
I have thought we have to use the whole training data set for the training. In this case I would determine
Start
the batch size as the number of training data pairs I have Machine
achieved Learning
through experiments etc.. In your
example, does the batch (sized 10) means that the computer always uses the same 10 training data in
every epoch or are the 10 training data randomly chosen among all training data before every epoch?
4. When evaluating the model what does the loss means (e.g. in loss: 0.5105 – acc: 0.7396)?
Is it the sum of values of the error function (e.g. mean_squared_error) of the output neurons?
REPLY
Jason Brownlee July 11, 2017 at 10:19 am #
You can use any random seed you like, more here:
http://machinelearningmastery.com/reproducible-results-neural-networks-keras/
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 80/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
You are referring to the columns in your data. Your network will also need to be configured with the
correct number of inputs and outputs (e.g. input and output layers).
Batch size is the number of samples in the dataset to work through before updating network weights.
One epoch is comprised of one or more batches.
Loss is the term being optimized by the network. Here we use log loss:
https://en.wikipedia.org/wiki/Cross_entropy
REPLY
Andeep July 16, 2017 at 7:43 am #
Email Address
REPLY
Patrick Zawadzki July 11, 2017 at 5:35 am #
START MY EMAIL COURSE
Is there anyway to see the relationship between these inputs? Essentially understand which
inputs affect the output the most, or perhaps which pairs of inputs affect the output the most?
Maybe pairing this with unsupervised deep learning? I want to have less of a “black box” for the
developed network if at all possible. Thank you for your great content!
REPLY
Jason Brownlee July 11, 2017 at 10:34 am #
Hi Jason,
Thank you for sharing your skills and competence.
I want to study the change in weights and predictions between each epoch run.
Have tried to use the model.train_on_batch method and the model.fit method with epoch=1 and
batch_size equal all the samples.
But it seems like the model doesn’t save the new updated weights.
I print predictions before and after I dont see a change in the evaluation scores.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 81/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Any idea?
Thanks.
# Compile model
model.compile(loss=’binary_crossentropy’, optimizer=’adam’, metrics=[‘accuracy’])
# Run one update of the model trained run with X and compared with Y
model.train_on_batch(X, Y)
REPLY
iman July 18, 2017 at 11:18 pm #
Hi, I tried to apply this to the titanic data set, however the predictions were all 0.4. What do you
suggest for:
# create model
model = Sequential()
model.add(Dense(12, input_dim=4, activation=’relu’))
model.add(Dense(4, activation=’relu’))
model.add(Dense(1, activation=’sigmoid’))
REPLY
Jason Brownlee July 19, 2017 at 8:26 am #
This post will give you some ideas to list the skill of your model:
http://machinelearningmastery.com/improve-deep-learning-performance/
REPLY
Camus July 19, 2017 at 2:14 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 82/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi Dr Jason,
This is probably a stupid question but I cannot find out how to do it … and I am beginner on Neural
Network.
I have relatively same number of inputs (7) and one output. This output can take numbers between
-3000 and +3000.
I want to build a neural network model in python but I don’t know how to do it.
Do you have an example with outputs different from 0-1.
Tanks in advance
Camus
REPLY
Jason Brownlee July 19, 2017 at 8:28 am #
Start Machine Learning ×
Ensure you scale your data then use the above tutorial to get started.
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Khalid Hussain July 21, 2017 at 11:28 pm #
Email Address
Hi Jason Brownlee
I am using the same data “pima-indians-diabetes.csv” but all predicted values are less then 1 and are in
START MY EMAIL COURSE
fraction which could not distinguish any class.
You are requested to kindly guide me what I am doing wrong are how can I achieve correct predicted
value.
Thank you
REPLY
Jason Brownlee July 22, 2017 at 8:36 am #
Consider you have copied all of the code exactly from the tutorial.
REPLY
Ludo July 25, 2017 at 6:59 pm #
Hello Jason,
– Why you have choice “12” inputs hidden layers ? and not 24 / 32 .. it’s arbitary ?
– Same question about epochs and batch_size ?
This value are very sensible !! i have try with 32 inputs first layer , epchos=500 and batch_size=1000
and the result is very differents… i’am at 65% accurancy.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 83/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee July 26, 2017 at 7:50 am #
REPLY
Almoutasem Bellah Rajab July 25, 2017 at 7:32 pm #
Wow, you’re still replying to comments more than a year later!!!… you’re great,, thanks..
Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees. REPLY
Jason Brownlee July 26, 2017 at 7:50 am #
Find out how in this free and practical course.
Yep.
Email Address
Thanks for your tutorial, I found it very useful to get me started with Keras. I’ve previously tried
TensorFlow, but found it very difficult to work with. I do have a question for you though. I have both
Theano and TensorFlow installed, how do I know which back-end Keras is using? Thanks again
REPLY
Jason Brownlee July 26, 2017 at 8:02 am #
Keras will print which backend it uses every time you run your code.
You can change the backend in the Keras configuration file (~/.keras/keras.json) which looks like:
1 {
2 "image_data_format": "channels_last",
3 "backend": "tensorflow",
4 "epsilon": 1e-07, Start Machine Learning
5 "floatx": "float32"
6 }
REPLY
Masood Imran July 28, 2017 at 12:00 am #
Hello Jason,
My understanding of Machine Learning or evaluating deep learning models is almost 0. But, this article
gives me lot of information. It is explained in a simple and easy to understand language.
Thank you very much for this article. Would you suggest any good read to further explore Machine
Learning or deep learning models please?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 84/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee July 28, 2017 at 8:31 am #
Thanks.
REPLY
Peggy August 3, 2017 at 7:14 pm #
If I have trained prediction models or neural network function scripts. How can I use them to
Start Machine Learning ×
make predictions in an application that will be used by end users? I want to use python but it seems I will
have to redo the training in Python again. Is there a way
YouI can rewriteapplied
can master the scripts in Python
Machine without
Learning
retraining and just call the function of predicting? without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Shane August 8, 2017 at 2:38 pm #
Jason, I used your tutorial to install everything needed to run this tutorial. I followed your tutorial
and ran the resulting program successfully. Can you please describe what the output means? I would
like to thank you for your very informative tutorials.
REPLY
Shane August 8, 2017 at 2:39 pm #
Start Machine Learning
768/768 [==============================] – 0s – loss: 0.4807 – acc: 0.7826
Epoch 148/150
768/768 [==============================] – 0s – loss: 0.4686 – acc: 0.7812
Epoch 149/150
768/768 [==============================] – 0s – loss: 0.4718 – acc: 0.7617
Epoch 150/150
768/768 [==============================] – 0s – loss: 0.4772 – acc: 0.7812
32/768 [>………………………..] – ETA: 0s
acc: 77.99%
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 85/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee August 8, 2017 at 5:12 pm #
The final line evaluates the accuracy of the model’s predictions – really just to demonstrate how
to make predictions.
REPLY
Jason Brownlee August 8, 2017 at 5:11 pm #
Which output?
Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees. REPLY
Bene August 9, 2017 at 1:02 am #
Find out how in this free and practical course.
Hello Jason, i really liked your Work and it helped me a lot with my first steps.
Email Address
But i am not really familiar with the numpy stuff:
So here is my Question:
START MY EMAIL COURSE
dataset = numpy.loadtxt(“pima-indians-diabetes.csv”, delimiter=”,”)
# split into input (X) and output (Y) variables
X = dataset[:,0:8]
Y = dataset[:,8]
I get that the numpy.loadtxt is extracting the information from the cvs File
but what does the stuff in the Brackets mean like X = dataset[:,0:8]
its probably pretty dumb but i can’t find a good explanation online
REPLY
Bene August 9, 2017 at 10:59 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 86/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Chen August 12, 2017 at 5:43 pm #
Can I translate it to Chinese and put it to Internet in order to let other Chinese people can read
your article?
REPLY
Jason Brownlee August 13, 2017 at 9:46 am #
It seems that using this line: You can master applied Machine Learning
without math or fancy degrees.
np.random.seed(5) Find out how in this free and practical course.
…is redundant i.e. the Keras output in a loop running the same model with the same configuration will
yield a similar variety of results regardless if it’s set at all, or which
Email number it is set to. Or am I missing
Address
something?
REPLY
Jason Brownlee August 13, 2017 at 9:52 am #
Deep learning algorithms are stochastic (random within a range). That means that they will
make different predictions/learn different things when the same model is trained on the same data.
This is a feature:
http://machinelearningmastery.com/randomness-in-machine-learning/
You can fix the random seed to ensure you get the same result, and it is a good idea for tutorials to
help beginners out:
http://machinelearningmastery.com/reproducible-results-neural-networks-keras/
When evaluating the skill of a model, I would recommend repeating the experiment n times and
taking skill as the average of the runs. See here for the procedure:
http://machinelearningmastery.com/evaluate-skill-deep-learning-models/
Start Machine Learning
Does that help?
REPLY
Deep Learning August 14, 2017 at 3:08 am #
Thanks Jason
I totally get what it should do, but as I had pointed out, it does not do it. If you run the codes you
have provided above in a loop for say 10 times. First 10 with random seed set and the other 10
times without that line of code all together. Then compare the result. At least the result I’m
getting, is suggesting the effect is not there i.e. both sets of 10 times will have similar variation in
the result.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 87/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee August 14, 2017 at 6:26 am #
It may suggest that the model is overprescribed and easily addresses the training
data.
REPLY
Deep Learning August 14, 2017 at 3:12 am #
Thanks for sharing it. Been lately thinking about the aspect of accuracy a lot, it seems that at the
moment it’s a “hot mess” in terms of the way common Start
tools do Machine Learning
it out of the box. I think a lot of non PhD /
×
non expert crowd (most people) will at least initially be easily confused and make the kinds of mistakes
You can master applied Machine Learning
you point out in your post.
without math or fancy degrees.
Find
Thanks for all the amazing contributions you are making inout
thishow in this free and practical course.
field!
Email Address
REPLY
Jason Brownlee August 14, 2017 at 6:26 am #
START MY EMAIL COURSE
I’m glad it helped.
REPLY
Haneesh December 7, 2019 at 10:36 pm #
Hi Jason,
i’m actually trying to find “spam filter for quora questions” where i have a dataset with label-0’s
and 1’s and questions columns. please let me know the approach and path to build a model for
this.
Thanks
REPLY
RATNA NITIN PATIL August 14, 2017 at 8:16 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 88/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee August 15, 2017 at 6:34 am #
Generally, computers are so fast it might be easier to test all combinations in an exhaustive search.
REPLY
sunny1304 August 15, 2017 at 3:44 pm #
Start Machine Learning ×
Hi Json,
Thank you for your awesome tutorial. You can master applied Machine Learning
I have a question for you. without math or fancy degrees.
Find out how in this free and practical course.
Is there any guideline on how to decide on neuron number for our network.
for example you used 12 for thr 1st layer and 8 for the second layer.
how do you decide on that ? Email Address
Thanks
START MY EMAIL COURSE
REPLY
Jason Brownlee August 15, 2017 at 4:58 pm #
I use trial and error. You can grid search, random search, or copy configurations from tutorials or
papers.
REPLY
yihadad August 16, 2017 at 6:53 pm #
Hi Json,
Thanks for a wonderful tutorial.
Start Machine Learning
Run a model generated by a CNN it takes how much ram, cpu ?
Thanks
REPLY
Jason Brownlee August 17, 2017 at 6:39 am #
It depends on the data you are using to fit the model and the size of the model.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 89/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Ankur September 1, 2017 at 3:15 am #
Hi ,
Please let me know , how can i visualise the complete neural network in Keras……………….
I am looking for the complete architecture – like number of neurons in the Input Layer, hidden layer ,
output layer with weights.
Please have a look at the link present below, here someone has created a beutiful
visualisation/architecture using neuralnet package in R.
Please let me know, can we create such type of model in KERAS
https://www.r-bloggers.com/fitting-a-neural-network-in-r-neuralnet-package/
please guide me
REPLY
Adam September 3, 2017 at 1:45 am #
thank you!!
REPLY
Jason Brownlee September 3, 2017 at 5:48 am #
No, it just prints out the accuracy of the model at the end of each epoch. Learn more about
Keras metrics here:
https://machinelearningmastery.com/custom-metrics-deep-learning-keras-python/
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 90/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi Jason,
For neural networks, isn’t the input normally: examples = columns, features=rows?
Is this different for Keras? Or can I use both shapes? An if yes, what’s the difference in the construction
of the net?
Start Machine Learning ×
Thank you!!
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee September 7, 2017 at 12:36 pm #
Email
No, features are columns, rows are instances or Address
examples.
REPLY
PottOfGold September 7, 2017 at 3:35 pm #
Thanks!
I had a lot of discussions because of that.
In Andrew Ng new Coursera course it’s explained as examples = columns, features=rows, but
he doesn’t use Keras of course, but programms the neural networks from scratch.
REPLY
Jason Brownlee September 9, 2017 at 11:38 am #
I doubt that, I think you may have mixed it up. Columns are never examples.
Thats what I thought, but I looked it up in the notation for the new coursera
course (deeplearning.ai) and there it says: m is the numer of examples in the dataset
and n is the input size, where X superscript n x m is the input matrix …
But either way, you helped me! Thank you.
REPLY
Lin Li September 16, 2017 at 1:50 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 91/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi Jason, thank you so much for your tutorial, it helps me a lot. I need your help for the question below:
I copy the code and run it. Although I got the classification results, there were some warning messages
in the process. As follows:
I don’t know why, and cannot find any answer to this question. I’m looking forward to your reply. Thanks
again!
Email Address
REPLY
Lin Li September 16, 2017 at 12:24 pm # START MY EMAIL COURSE
Thanks for your reply. I’m a start-learner on deep learning.I’d like to put it aside
temporarily.
REPLY
Sagar September 22, 2017 at 2:51 pm #
Hi Jason,
Great article, thumbs up for that. I am getting this error when I try to run the file on the command prompt.
Any suggestions. Thanks for you response.
#######################################################################
C:\Work\ML>python keras_first_network.py
Using TensorFlow backend.
2017-09-22 10:11:11.189829: W C:\tf_jenkins\home\workspace\rel-win\M\windows\PY\
Start Machine Learning
36\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn
‘t compiled to use AVX instructions, but these are available on your machine and
could speed up CPU computations.
2017-09-22 10:11:11.190829: W C:\tf_jenkins\home\workspace\rel-win\M\windows\PY\
36\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn
‘t compiled to use AVX2 instructions, but these are available on your machine an
d could speed up CPU computations.
32/768 [>………………………..] – ETA: 0s
acc: 78.52%
#######################################################################
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 92/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee September 23, 2017 at 5:35 am #
REPLY
Sagar September 24, 2017 at 3:52 am #
Thanks I got to know what the problem was. According to section 6 I had set verbose
argument to 0 while calling “model.fit()”. Now all the epochs are getting printed.
Start
Jason Brownlee September 24, 2017 at 5:17 Machine
am # Learning ×
REPLY
REPLY
Valentin September 26, 2017 at 6:35 pm #
Email Address
Hi Jason,
START MY EMAIL COURSE
Thanks for the amazing article . Clear and straightforward.
I had some problems installing Keras but was advised to prefix
with tf.contrib.keras
so I have code like
model=tf.contrib.keras.models.Sequential()
Dense=tf.contrib.keras.layers.Dense
Now I try to train Keras on some small datafile to see how things work out:
1,1,0,0,8
1,2,1,0,4
1,0,0,1,5
1,0,1,0,7
0,1,0,0,8
1,4,1,0,4
1,0,2,1,1
Start Machine Learning
1,0,1,0,7
The first 4 columns are inputs and the 5-th column is output.
I use the same code for training (adjust number of inputs) as in your article,
but the network only gets to 12.5% accuracy.
Any advise?
Thanks,
Valentin
REPLY
Jason Brownlee September 27, 2017 at 5:40 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 93/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Thanks Valentin.
REPLY
Priya October 3, 2017 at 2:28 pm #
Hi Jason,
X_train = np.random.rand(18,61250)
X_test = np.random.rand(18,61250)
Y_train = np.array([0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0,Start
1.0, Machine Learning ×
0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0,])
Y_test = np.array([1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, You
1.0, can master applied Machine Learning
1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0,]) without math or fancy degrees.
Find out how in this free and practical course.
_, input_size = X_train.shape #put this in input_dim in the first dense layer
I took the round() off of the predictions so I could see the full value
Email and then inserted my random test
Address
data in model.fit():
I found something slightly odd; I expected the predicted values to be around 0.50, plus or minus some,
but instead, I got this:
which is near 0.50 but always less than 0.50. I ran this a few times with different random seeds, so it’s
not coincidental. Would you have any explanation for why it does this?
Thanks,
Priya
Start Machine Learning
REPLY
Jason Brownlee October 3, 2017 at 3:46 pm #
Perhaps calculate the mean of your training data and compare it to the predicted value. It
might be simple sampling error.
REPLY
Priya October 4, 2017 at 1:02 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 94/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I found out I was doing predictions before fitting the model. (I suppose that would mean the network
hadn’t adjusted to the data’s distribution yet.)
REPLY
Saurabh October 7, 2017 at 5:59 am #
Hello Jason,
I tried to train this model on my laptop, it is working fine. But I tried to train this model on google-cloud
with the same instructions as in your example-5. But it is failing.
Can you just let me know, which changes are to required for the model, so that I can train this on cloud.
REPLY
tobegit3hub October 12, 2017 at 6:40 pm #
REPLY
Jason Brownlee October 13, 2017 at 5:45 am #
You’re welcome.
REPLY
Manoj October 12, 2017 at 11:43 pm #
REPLY
Jason Brownlee October 13, 2017 at 5:48 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 95/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Cam October 23, 2017 at 6:11 pm #
model.fit() line in this example. Is it due to library conflicts with theano and tensorflow if i have both
installed?
REPLY
Jason Brownlee October 24, 2017 at 5:28 am #
Perhaps ensure your environment is up to date and that you copied the code exactly.
REPLY
Jason Brownlee October 24, 2017 at 4:01 pm #
REPLY
Diego Quintana October 25, 2017 at 7:37 am #
How would you predict a single element from X? X[0] raises a ValueError
ValueError: Error when checking : expected dense_1_input to have shape (None, 8) but got array with
shape (8, 1)
REPLY
Jason Brownlee October 25, 2017 at 3:56 pm #
1 X = X.reshape((1,8))
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 96/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
harald April 10, 2019 at 8:26 pm #
REPLY
Jason Brownlee April 11, 2019 at 6:35 am #
Yep!
REPLY
Shahbaz Wasti October 28, 2017 at 1:30 pm #
Start Machine Learning ×
Dear Sir ,
I have installed and configured the environment according to your
You can directions
master but whileLearning
applied Machine running the
program i have following error without math or fancy degrees.
Find out how in this free and practical course.
“from keras.utils import np_utils”
Email Address
REPLY
Jason Brownlee October 29, 2017 at 5:50 am #START MY EMAIL COURSE
REPLY
Zhengping October 30, 2017 at 12:12 am #
Hi Jason, thanks for the great tutorials. I just learnt and repeated the program in your “Your First
Machine Learning Project in Python Step-By-Step” without problem. Now trying this one, getting stuck at
the line “model = Sequential()” when the Interactive window throws: NameError: name ‘Sequential’ is not
defined. tried to google, can’t find a solution. I did import Sequential from keras.models as in ur example
code. copy pasted as it is. Thanks in advance for your help.
I’m running ur examples in Anaconda 4.4.0 environment in visual studio community version.
relevant packages have been installed as in ur earlier tutorials instructed.
REPLY
Zhengping October 30, 2017 at 12:18 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 97/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee October 30, 2017 at 5:39 am #
This does not look good. Perhaps post the error to stack exchange or other keras
support. I have a list of keras support sites here:
https://machinelearningmastery.com/get-help-with-keras/
Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees.
REPLY
Jason Brownlee October 30, 2017 at 5:38 amFind
# out how in this free and practical course.
Looks like you need to install Keras. I have a tutorial here on how to do that:
Email Address
https://machinelearningmastery.com/setup-python-environment-machine-learning-deep-learning-
anaconda/
START MY EMAIL COURSE
REPLY
Akhil October 30, 2017 at 5:04 pm #
Ho Jason,
I have a question:
I want to use your code to predict the classification (1 or 0) of unknown samples. Should I create one
common csv file having the train (known) as well as the test (unknown) data. Whereas the ‘classification’
column for the known data will have a known value, 1 or 0, for the unknown data, should I leave the
column empty (and let the code decide the outcome)?
Thanks a lot
REPLY
Jason Brownlee October 31, 2017 at 5:29 am #
Great question.
No, you only need the inputs and the model can predict the outputs, call model.predict(X).
Also, this post will give a general idea on how to fit a final model:
https://machinelearningmastery.com/train-final-machine-learning-model/
REPLY
Guilherme November 3, 2017 at 1:26 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 98/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi Jason,
This is really cool! I am blown away! Thanks so much for making it so simple for a beginner to
have some hands on. I have a couple questions:
2) if I want to train images with dogs and cats and later ask the neural network whether a new image has
a cat or a dog, how do I get my input image to pass as an array and my output result to be “cat” or
“dog”?
Email Address
REPLY
Michael November 5, 2017 at 8:33 am #
START MY EMAIL COURSE
Hi Jason,
Are you familiar with a python tool/package that can build neural network as in the tutorial, but suitable
for data stream mining?
Thanks,
Michael
REPLY
Jason Brownlee November 6, 2017 at 4:46 am #
Hi, there. Could you please clarify why exactly you’ve built your network with 12 neurons in the
first layer?
“The first layer has 12 neurons and expects 8 input variables. The second hidden layer has 8 neurons
and finally, the output layer has 1 neuron to predict the class (onset of diabetes or not)…”
Thanks
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 99/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee November 8, 2017 at 9:28 am #
The input layer has 8, the first hidden layer has 12. I chose 12 through a little trial and error.
REPLY
Guilherme November 9, 2017 at 12:54 am #
Hi Jason,
Do you have or else could you recommend a beginner’s level image segmentation approach that uses
deep learning? For example, I want to train some neural net to automatically “find” a particular feature
out of an image.
Hi Jason,
I just started my DL training a few weeks ago. According to what I learned in course, in order to train the
parameters for the NN, we need to run the Forward and Backward propagation; however, looking at your
Keras example, i don’t find any of these propagation processes. Does it mean that Keras has its own
mechanism to find the parameters instead of using Forward and Backward propagation?
Thanks!
REPLY
Jason Brownlee November 13, 2017 at 10:13 am #
REPLY
Badr November 13, 2017 at 11:42 am #
Hi Jason,
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 100/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
3 scores = model.evaluate(X, Y)
4 print(“\n%s: %.2f%%” % (model.metrics_names[1], scores[1]*100))
/Users/badrshomrani/anaconda/lib/python3.5/site-packages/keras/engine/training.py in compile(self,
optimizer, loss, metrics, loss_weights, sample_weight_mode, **kwargs)
620 loss_weight = loss_weights_list[i]
621 output_loss = weighted_loss(y_true, y_pred, Start Machine Learning ×
–> 622 sample_weight, mask)
623 if len(self.outputs) > 1: You can master applied Machine Learning
624 self.metrics_tensors.append(output_loss) without math or fancy degrees.
Find out how in this free and practical course.
/Users/badrshomrani/anaconda/lib/python3.5/site-packages/keras/engine/training.py in weighted(y_true,
y_pred, weights, mask)
Email Address
322 def weighted(y_true, y_pred, weights, mask=None):
323 # score_array has ndim >= 2
–> 324 score_array = fn(y_true, y_pred) START MY EMAIL COURSE
325 if mask is not None:
326 # Cast the mask to floatX to avoid float64 upcasting in theano
/Users/badrshomrani/anaconda/lib/python3.5/site-packages/keras/objectives.py in
binary_crossentropy(y_true, y_pred)
46
47 def binary_crossentropy(y_true, y_pred):
—> 48 return K.mean(K.binary_crossentropy(y_pred, y_true), axis=-1)
49
50
/Users/badrshomrani/anaconda/lib/python3.5/site-packages/keras/backend/tensorflow_backend.py in
binary_crossentropy(output, target, from_logits)
1418 output = tf.clip_by_value(output, epsilon, 1 – epsilon)
1419 output = tf.log(output / (1 – output))
-> 1420 return tf.nn.sigmoid_cross_entropy_with_logits(output, target)Learning
Start Machine
1421
1422
/Users/badrshomrani/anaconda/lib/python3.5/site-packages/tensorflow/python/ops/nn_impl.py in
sigmoid_cross_entropy_with_logits(_sentinel, labels, logits, name)
147 # pylint: disable=protected-access
148 nn_ops._ensure_xent_args(“sigmoid_cross_entropy_with_logits”, _sentinel,
–> 149 labels, logits)
150 # pylint: enable=protected-access
151
/Users/badrshomrani/anaconda/lib/python3.5/site-packages/tensorflow/python/ops/nn_ops.py in
_ensure_xent_args(name, sentinel, labels, logits)
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 101/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee November 14, 2017 at 10:05 am #
Perhaps double check you have the latest versions of the keras and tensorflow libraries
installed?! Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees.
Badr November 14, 2017 at 10:50 am # Find out how in this free and practical course. REPLY
REPLY
Mikael November 22, 2017 at 8:20 am #
Hi Jason, thanks for your short tutorial, helps a lot to actually get your hands dirty with a simple
example.
I have tried 5 different parameters and got some interesting results to see what would happen.
Unfortunately, I didnt record running time.
I can’t seem to see a trend here.. That could put me on the right track to adjust my hyperparameters.
REPLY
Jason Brownlee November 22, 2017 at 11:17 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 102/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Nikolaos November 28, 2017 at 10:58 am #
Hi, I try to implement the above example with fer2013.csv but I receive an error, it is possible to
help me to implement this correctly?
REPLY
Jason Brownlee November 29, 2017 at 8:10 am #
REPLY
Tanya December 2, 2017 at 12:06 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 103/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hello,
i have a a bit general question.
I have to do a forecasting for restaurant sales (meaning that I have to predict 4 meals based on
a historical daily sales data), weather condition (such as temperature, rain, etc), official holiday and in-
off-season. I have to perform that forecasting using neuronal networks.
I am unfortunately not a very skilled in python. On my computer I have Python 2.7 and I have install
anaconda. I am trying to learn exercising with your codes, Mr. Brownlee. But somehow I can not run the
code at all (in Spyder). Can you tell me what kind of version of python and anaconda I have to install on
my computer and in which environment (jupiterlab,notebook,qtconsole, spyder, etc) I can run the code,
so to work and not to give error from the very beginning?
I will be very thankful for your response
KG
Tanya
Start Machine Learning ×
You can master applied Machine Learning
REPLY
Jason Brownlee December 2, 2017 at 9:02 am
without
# math or fancy degrees.
Find out how in this free and practical course.
Perhaps this tutorial will help you setup and confirm your environment:
http://machinelearningmastery.com/setup-python-environment-machine-learning-deep-learning-
Email Address
anaconda/
I would also recommend running code from the command like as IDEs and notebooks can introduce
START MY EMAIL COURSE
and hide errors.
REPLY
Eliah December 3, 2017 at 10:53 am #
Hi Dr. Brownlee.
I looked over the tutorial and I had a question regarding reading the data from a binary file? For instance
I working on solving the sliding tiled n-puzzle using neural networks, but I seem to have trouble to getting
my data which is in a binary file and it generates the number of move required for the n-puzzle to be
solve in. Am not sure if you have dealt with this before, but any help would be appreciated.
REPLY
Jason Brownlee December 4, 2017 at 7:43 am #
Start Machine Learning
Perhaps after you load your data, you can convert it to a numpy array so that you can provide it to a
neural net?
REPLY
Eliah December 4, 2017 at 9:28 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 104/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Wafaa December 7, 2017 at 4:59 pm #
Thank you very very much for all your great tutorials.
If I wanted to add batch layer after the input layer, how should I do it?
Cuz I applied this tutorial on a different dataset and features and I think I need normalization or
standardization and I want to do it the easiest way.
Thank you,
REPLY
Jason Brownlee December 8, 2017 at 5:35 am #
Start
I recommend preparing the data prior to fitting theMachine
model. Learning ×
You can master applied Machine Learning
without math or fancy degrees.
zaheer December 9, 2017 at 3:03 am # Find out how in this free and practical course. REPLY
REPLY
Jason Brownlee December 9, 2017 at 5:44 am #
I recommend trial and error to configure the number of neurons in the hidden layer to see
what works best for your specific problem.
REPLY
zaheer December 9, 2017 at 3:29 am # Start Machine Learning
C:\Users\zaheer\AppData\Local\Programs\Python\Python36\python.exe
C:/Users/zaheer/PycharmProjects/PythonBegin/Bin-CLNCL-Copy.py
Using TensorFlow backend.
Traceback (most recent call last):
File “C:/Users/zaheer/PycharmProjects/PythonBegin/Bin-CLNCL-Copy.py”, line 28, in
model.fit(x_train , y_train , epochs=100, batch_size=100)
File “C:\Users\zaheer\AppData\Local\Programs\Python\Python36\lib\site-packages\keras\models.py”,
line 960, in fit
validation_steps=validation_steps)
File “C:\Users\zaheer\AppData\Local\Programs\Python\Python36\lib\site-
packages\keras\engine\training.py”, line 1574, in fit
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 105/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
batch_size=batch_size)
File “C:\Users\zaheer\AppData\Local\Programs\Python\Python36\lib\site-
packages\keras\engine\training.py”, line 1407, in _standardize_user_data
exception_prefix=’input’)
File “C:\Users\zaheer\AppData\Local\Programs\Python\Python36\lib\site-
packages\keras\engine\training.py”, line 153, in _standardize_input_data
str(array.shape))
ValueError: Error when checking input: expected dense_1_input to have shape (None, 20) but got array
with shape (362, 1)
REPLY
Jason Brownlee December 9, 2017 at 5:45 am #
Start Machine Learning ×
Ensure the input shape matches your data.
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Anam Zahra December 10, 2017 at 7:40 pm #
ValueError: Error when checking target: expected dense_3 to have shape (None, 1) but got array with
shape (768, 8)
REPLY
Jason Brownlee December 11, 2017 at 5:24 am #
Sorry to hear that, perhaps confirm that you have the latest version of Numpy and Keras
installed?
after run this code , i will calculate the accuracy , how i did , i
i want to split the data set into test data , training data
and evaluate the model and calculate the accuracy
thank dr.
REPLY
Suchith December 21, 2017 at 2:35 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 106/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee December 21, 2017 at 3:35 pm #
REPLY
Amare Mahtesenu December 22, 2017 at 9:55 am #
hi there. this blog is very awesome like the Adrian’s pyimagesearch blog. I have one question
and that is do you have or will you have a tutorial on keras frame work with SSD or Yolo architechtures?
Email Address
REPLY
Kyujin Chae January 8, 2018 at 2:22 pm #
I am really enjoying
‘Machine Learning Mastery’!!
REPLY
Jason Brownlee January 8, 2018 at 3:54 pm #
Thanks!
REPLY
Luis Galdo January 9, 2018 at 8:41 am #
Hello Jason!
Thank you!
REPLY
Jason Brownlee January 9, 2018 at 3:17 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 107/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
My question is regarding predict. I used to get decimals in the prediction array. Suddenly, I
started seeing only Integers (0 or 1) in the run. Any idea what could be causing the change?
predictions = model.predict(X2)
predictions
Out[3]:
array([[ 0.],
[ 0.],
[ 0.],
…,
[ 0.],
[ 0.],
Start Machine Learning ×
[ 0.]], dtype=float32)
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee January 26, 2018 at 5:39 am #
Email
Perhaps check the activation function on the Address
output layer?
REPLY
Nikhil Gupta January 28, 2018 at 3:30 am #
# create model. Fully connected layers are defined using the Dense class
model = Sequential()
model.add(Dense(12, input_dim=len(x_columns), activation=’relu’)) #12 neurons, 8 inputs
model.add(Dense(8, activation=’relu’)) #Hidden layer with 8 neurons
model.add(Dense(1, activation=’sigmoid’)) #1 output layer. Sigmoid give 0/1
REPLY
joe January 27, 2018 at 1:25 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 108/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
File “/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/keras/losses.py”,
line 77, in binary_crossentropy
return K.mean(K.binary_crossentropy(y_true, y_pred), axis=-1)
File “/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-
packages/keras/backend/tensorflow_backend.py”, line 3069, in binary_crossentropy
logits=output)
TypeError: sigmoid_cross_entropy_with_logits() got an unexpected keyword argument ‘labels’
>>>
REPLY
Jason Brownlee January 27, 2018 at 5:58 am #
I have not seem this error, sorry. Perhaps try posting to stack overflow?
Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees.
REPLY
Atefeh January 27, 2018 at 4:04 pm # Find out how in this free and practical course.
Hello Mr.Janson
Emailyour
After installing Anaconda and deep learning libraries, I read Address
Free mini-course and I tried to write the
code about the handwritten digit recognition.
I wrote the codes in jupyter notebook, am I right? START MY EMAIL COURSE
if not where should I write the codes ?
and if I want to use another dataset (my own data set) how can I use in the code?
and how can I see the result, for example the accuracy percentage?
I am really sorry for my simple questions! I have written a lot of code in “Matlab” but I am really a
beginner in Python and Anaconda, my teacher force me to use Python and keras for my project.
REPLY
Jason Brownlee January 28, 2018 at 8:22 am #
A notebook is fine.
You can write code in a Python script and then run the script directly.
REPLY
Atefeh January 28, 2018 at 12:01 am #
model = Sequential()
model.add(Conv2D(32, (3, 3), padding=’valid’, input_shape=(1, 28, 28),
activation=’relu’))
model.add(MaxPooling2D(pool_size=(2, 2)))
model.add(Flatten())
model.add(Dense(128, activation=’relu’))
model.add(Dense(num_classes, activation=’softmax’))
model.compile(loss=’categorical_crossentropy’, optimizer=’adam’, metrics=[‘accuracy’])
This:
should be:
REPLY
Lila January 29, 2018 at 8:04 am #
Thank you for the awsome blog and explanations. I have just a question: How can we get
predicted values by the model. . Many thanks Start Machine Learning
REPLY
Jason Brownlee January 29, 2018 at 8:21 am #
As follows:
1 X = ...
2 yhat = model.predict(X)
REPLY
Lila January 30, 2018 at 1:22 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 110/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Thank you for your prompt answer. I am trying to learn how keras models work and I
used. I trained the model like this:
Epoch 10000/10000
and my question what the difference between the two lines (MSE values)
Email Address
REPLY
Atefeh January 30, 2018 at 4:28 am #
START MY EMAIL COURSE
hello
You are missing the imports. Ensure you copy all code from the complete example at the
end.
REPLY
Atefeh January 31, 2018 at 1:02 am #
model = Sequential()
2 model.add(Conv2D(32, (3, 3), padding=’valid’, input_shape=(1, 28, 28), activation=’relu’))
3 model.add(MaxPooling2D(pool_size=(2, 2)))
4 model.add(Flatten())
5 model.add(Dense(128, activation=’relu’))
6 model.add(Dense(num_classes, activation=’softmax’))
7 model.compile(loss=’categorical_crossentropy’, optimizer=’adam’, metrics=[‘accuracy’])
please tell me how can I find out that tensorflow and keras are correctly installed on my system.
maybe the problem is that, because no code runs in myEmail Address
jupyter. and no “import” acts well(for example
import pandas)
thank you
START MY EMAIL COURSE
REPLY
Jason Brownlee February 2, 2018 at 8:23 am #
REPLY
Dan February 3, 2018 at 12:29 am #
Hi. I’m totally new to machine learning and I’m trying to wrap my head around it.
I have a problem I can’t quite solve yet. And don’t know where to start actually.
I have a dictionary with a few key:value pairs. The keyStart
is a random 4 digit
Machine number from 0000 to 9999.
Learning
And the value for each key is set as follows: if a digit in a number is either 0, 6 or 9 then its weight is 1, if
a digit is 8 then it’s weight is 2, any other digit has a weight of 0. All the weights are summarised then
and here you have the value for the key. (example: { ‘0000’: 4, ‘1234’: 0, ‘1692’: 2, ‘8800’: 6} – and so
on).
Now I’m trying to build a model that will predict the correct value of a given key. (i.e if I give it 2222 the
answer is 0, if I give it 9011 – it’s 2). What I did first is created a CSV file with 5 columns, first four is a
split (by a single digit) key from my dictionary, and the fifth column is the value for each key. Next I
created a dataset and defined a model (like this tutorial but with input_dim=4). Now when I train the
model the accuracy won’t go higher then ~30%. Also your model is based on binary output, whereas
mine should have an integer from 0 to 8. Where do I go from here?
REPLY
Jason Brownlee February 3, 2018 at 8:42 am #
This post might help you nail down your problem as a predictive modeling problem:
http://machinelearningmastery.com/how-to-define-your-machine-learning-problem/
REPLY
Alex February 5, 2018 at 5:22 am #
Email Address
REPLY
Jason Brownlee February 5, 2018 at 7:49 am #START MY EMAIL COURSE
The model does not care what the inputs and outputs are, it does the best it can. It does not
intrinsically care about diabetes.
REPLY
blaisexen February 6, 2018 at 9:14 am #
hi,
@Jason Brownlee, Master of Keras Python.
I’m developing a face recognition testing, I successfully used Rprop, it was good for static images or face
pictures, I also have test svm results.
because I was also thinking to used Keras(1:1) for final result of Rprop(1:many).
I also heard one of the leader of commercial face recognizers uses PNN(uses libopenblas), so I really
doubt which one to choose for my final thesis and application.
REPLY
Jason Brownlee February 6, 2018 at 9:29 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 113/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
What do you mean by rprop? I believe it is just an optimization algorithm, whereas Keras is a deep
learning library.
https://en.wikipedia.org/wiki/Rprop
REPLY
blaisexen February 17, 2018 at 10:46 am #
I used Accord.Net
Rprop testing was good
MLR testing was good
SVM testing was good
RBM testing was good Start Machine Learning ×
I used classification for face images You can master applied Machine Learning
They are only good for static face pictures 100×100
without math or fancy degrees.
but if I used another picture from them, Find out how in this free and practical course.
because if Keras will have a good result then I’ll have to used cesarsouza keras c#
START MY EMAIL COURSE
https://github.com/cesarsouza/keras-sharp
REPLY
Jason Brownlee February 18, 2018 at 6:45 am #
REPLY
CHIRANJEEVI February 8, 2018 at 8:52 pm #
What is the difference between the accuracy we get when we fit the model and the
accuracy_score() of sklearn.metrics , what they mean exactly ?
Start Machine Learning
REPLY
Jason Brownlee February 9, 2018 at 9:05 am #
Accuracy is a summary of the number of predictions that were made correctly out of all
predictions that were made.
REPLY
Shinan February 8, 2018 at 9:09 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 114/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee February 9, 2018 at 9:06 am #
No. Weather forecasting is done with ensembles of physics simulations on very large
computers.
REPLY
CHIRANJEEVI February 9, 2018 at 3:56 pm #
we haven’t predicting anyting during the fit (its just a training , like mapping F(x)=Y)
but still getting acc , what is this acc? Start Machine Learning ×
Epoch 1/150 You can master applied Machine Learning
768/768 [==============================] – 1swithout
1ms/step – loss:
math 0.6771
or fancy – acc: 0.6510
degrees.
Find out how in this free and practical course.
Thank you in advance
Email Address
REPLY
Jason Brownlee February 10, 2018 at 8:50 am #
START MY EMAIL COURSE
REPLY
lcy1031 February 12, 2018 at 1:00 pm #
Hi Jason,
Many thanks to you for a great tutorial. I have couple questions to you as followings.
1). How can I get the score of Prediction?
2). How can I output the result of predict run to a file in which the output is listed by vertical?
I see you everywhere to answer questions and help people. Your time and patience were greatly
appreciated!
Charles
Start Machine Learning
REPLY
Jason Brownlee February 12, 2018 at 2:50 pm #
yhat = model.predict(X)
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 115/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Callum February 21, 2018 at 10:11 am #
Hi I’ve just finished this tutorial but the only problem is what are we actually finding in the results
as in what do accuracy and loss mean and what we are actually finding out.
I’m really new to the whole neural networks thing and don’t really understand them yet, I’d be very
grateful if you’re able to reply
Many Thanks
Callum
Hi Jason,
First of all congratulations for your awesome work, I finally got the hang of ML (hopefully, haha).
So, testing some changes in the number of neurons and batch size/epochs, I achieved 99.87% of
accuracy.
# create model
model = Sequential()
model.add(Dense(240, input_dim=8, init=’uniform’, activation=’relu’))
model.add(Dense(160, init=’uniform’, activation=’relu’))
model.add(Dense(1, init=’uniform’, activation=’sigmoid’))
# Compile model
model.compile(loss=’binary_crossentropy’, optimizer=’adam’, metrics=[‘accuracy’])
Start Machine Learning
# Fit the model
model.fit(X, Y, epochs=1500, batch_size=100, verbose=2)
And when I run it, I always get 99,87% of accuracy, which I think it’s a good thing, right? Please tell me if
I did something wrong or if this is a false positive.
REPLY
Jason Brownlee February 23, 2018 at 12:00 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 116/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Shiny March 2, 2018 at 12:56 am #
The above example is very good sir, I want to do price change prediction of electronics in online
shopping project. Can you give any suggestions about my project. You had any example of price
prediction using neural network please send a link sir.
REPLY
Jason Brownlee March 2, 2018 at 5:33 am #
Hi, very helpful example. But I still don’t understand why you load
X = dataset[:,0:8] Email Address
Y = dataset[:,8]
If I do START MY EMAIL COURSE
X = dataset[:,0:7] it won’t work
REPLY
Jason Brownlee March 6, 2018 at 6:16 am #
You can learn more about indexing and slicing numpy arrays here:
https://machinelearningmastery.com/index-slice-reshape-numpy-arrays-machine-learning-python/
REPLY
Jeong Kim March 8, 2018 at 1:48 pm #
REPLY
Jason Brownlee March 8, 2018 at 2:55 pm #
REPLY
Wesley Campbell March 9, 2018 at 1:24 am #
Thanks very much for the concise example! As an “interested amateur” with more experience
coding for scientific data manipulation than for software development, a simple, high-level explanation
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 117/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
like this one is much appreciated. I find sometimes that documentation pages can be a bit low-level for
my liking, even with coding experience multiple languages. This article was all I needed to get started,
and was much more helpful than other “official tutorials.”
REPLY
Jason Brownlee March 9, 2018 at 6:24 am #
REPLY
Trung March 10, 2018 at 12:55 am #
Thank you for your tutorial, but the data set isStart Machine
not accessible. Could Learning
you please fix it.
×
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course. REPLY
Jason Brownlee March 10, 2018 at 6:33 am #
hello
I have found a code to converting my image data to mnist format . but I face to an error below.
would you please help me?
import os
from PIL import Image
from array import *
from random import shuffle
FileList = []
for dirname in os.listdir(name[0])[1:]: # [1:] Excludes .DS_Store from Mac OS
path = os.path.join(name[0],dirname)
for filename in os.listdir(path):
if filename.endswith(“.png”):
FileList.append(os.path.join(name[0],dirname,filename))
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 118/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
label = int(filename.split(‘/’)[2])
Im = Image.open(filename)
pixel = Im.load()
for x in range(0,width):
for y in range(0,height):
data_image.append(pixel[y,x])
FileNotFoundError: [WinError 3] The system cannot find the path specified: ‘./training-images’
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 119/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee March 17, 2018 at 8:37 am #
Looks like the code cannot find your images. Perhaps change the path in the code?
REPLY
Sayan March 17, 2018 at 4:57 pm #
Thanks a lot sir, this was a very good and intuitive tutorial
REPLY
Nikhil Gupta March 19, 2018 at 11:12 pm # Email Address
I got a prediction model running successfully for fraud detection. My dataset is over 50 million
START MY EMAIL COURSE
and growing. I am seeing a peculiar issue.
When the loaded data is 10million or less, My prediction is OK.
As soon as I load 11 million data, My prediction saturates to a particular (say 0.48) and keeps on
repeating. That is all predictions will be 0.48, irrespective of the input.
REPLY
Jason Brownlee March 20, 2018 at 6:21 am #
Perhaps check whether you need to train on all data, often a small sample is sufficient.
REPLY
Nikhil Gupta March 22, 2018 at 2:45 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 120/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Oh. I believe that the machine learning accuracy will improve as we get more data over time.
REPLY
Chandra Sutrisno Tjhong March 28, 2018 at 4:43 pm #
HI,
How do you define number of hidden layers and neurons per layer?
REPLY
Jason Brownlee March 29, 2018 at 6:30 am #
There are no good heuristics, trial and error is a good approach. Discover what works best
Start Machine Learning ×
for your specific data.
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Aravind March 30, 2018 at 12:12 am #
Email Address
I executed the code and got the output, but how to use this prediction in the application.
REPLY
Jason Brownlee March 30, 2018 at 6:39 am #
REPLY
Sabarish March 30, 2018 at 12:16 am #
REPLY
Jason Brownlee March 30, 2018 at 6:39 am #
REPLY
Anand April 1, 2018 at 3:51 pm #
If number of inputs are 8 then why did you use 12 neurons in input layer ? Moreover why is
activation function used in input layer ?
REPLY
Jason Brownlee April 2, 2018 at 5:19 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 121/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
The number of neurons in the first hidden layer can be different to the number of neurons in the input
layer (e.g. number of input features). They are only loosely related.
REPLY
Lia April 1, 2018 at 11:49 pm #
Hello Sir,
Does the neural network use a standardized independent variable values, or should we feed it with
standardized ones in the fitting and predicting stages. Thanks
Try both and see what works best for your specific predictive modeling problem.
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
tareknahool April 4, 2018 at 5:17 am #
Email Address
you always fantastic, it’s a great lesson. But, frankly I don’t know what is the meaning of
“\n%s: %.2f%%” % and why you used the number(1)in that code(model.metrics_names[1],
START MY EMAIL COURSE
scores[1]*100))
REPLY
Jason Brownlee April 4, 2018 at 6:19 am #
REPLY
Abhilash Menon April 5, 2018 at 6:27 am #
Dr. Brownlee,
When we predict, is it possible to have the predictions for each row in the test data set right next to it in
Start Machine Learning
the same row. I thought of printing predictions and then copying it in excel but I am not sure if Keras
preserves order. Could you please help me out with this issue? Thanks so much for all your help!
REPLY
Jason Brownlee April 5, 2018 at 3:05 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 122/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Andrea Grandi April 9, 2018 at 6:37 am #
I had previously used scikit-learn and Machine Learning for the same dataset, trying to apply all the
techniques I did learn both here and on books, to get a 76% accuracy.
I tried this Keras tutorial, using TensorFlow as backend and I’m getting 80% accuracy at first try O_o
REPLY
Jason Brownlee April 10, 2018 at 6:08 am #
Manny
REPLY
Jason Brownlee April 11, 2018 at 4:11 pm #
REPLY
rachit April 11, 2018 at 7:13 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 123/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee April 12, 2018 at 8:35 am #
REPLY
Gray April 14, 2018 at 4:25 am #
Jason – very impressive work! Even more impressive is your detailed answer to every question.
I went through them all and got a lot of useful information.
StartGreat job! Learning
Machine
REPLY
Jason Brownlee April 14, 2018 at 6:50 am #
Thanks Gray!
REPLY
octdes April 14, 2018 at 2:39 pm #
Hello Jason,
Thank’s for the good tuto !
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 124/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee April 15, 2018 at 6:24 am #
The type of neural network in this post is a multi-layer perceptron or an MLP for short.
Start
The first “layer” in the code actually defines both the Machine
input layer Learning
and the first hidden layer at the ×
same time.
You can master applied Machine Learning
The number of inputs must match the number of columns in theor
without math input data.
fancy The number of neurons
degrees.
in the first hidden layer can be anything you want. Find out how in this free and practical course.
Thank you VERY much for this tutorial, Jason! It is the best I have found on the internet. As a
political scientist pursuing complex outcomes like this one, I was looking for models that allow for more
complicated relationships. Your code and post are so clearly articulated; I was able to adapt it for my
purposes more easily than I thought would be possible. One possible extension of your work, and
possibly this tutorial, would be to map the layers and nodes onto a theory of the data generating
process.
REPLY
Jason Brownlee April 16, 2018 at 2:54 pm #
REPLY
Eric Miles April 20, 2018 at 1:22 am #
I’m just starting out working through your site – thanks for the great resource! I wanted to point
out what I think is a typo: in the code block just before Section 2 “Define Model” I believe we just want X
= dataset[:,0:7] so that we don’t include the output variables in our inputs.
REPLY
Jason Brownlee April 20, 2018 at 6:00 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 125/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
You can learn more about array slicing and ranges in Python here:
https://machinelearningmastery.com/index-slice-reshape-numpy-arrays-machine-learning-python/
REPLY
Rafa April 28, 2018 at 12:50 am #
Great tutorial, finally I have found a good web about deep learning (Y)
REPLY
Vivek May 7, 2018 at 8:31 pm # Email Address
Great tutorial thank for help. I have one project in which i have to do CAD images(basically 3-d
START MY EMAIL COURSE
mechanical image classification). can you please give road map how can i proceed?
I am new and i dont have any idea
REPLY
Jason Brownlee May 8, 2018 at 6:12 am #
REPLY
Vivek May 9, 2018 at 10:03 pm #
REPLY
Jason Brownlee May 10, 2018 at 6:31 am #
REPLY
Rahmad ars May 8, 2018 at 1:36 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 126/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Thanks.
Im the one who asked u in backpropagation from scratch page
REPLY
Jason Brownlee May 8, 2018 at 6:16 am #
Sorry, I don’t know about that initialization method, you can see the supported methods here:
Start Machine Learning ×
https://keras.io/initializers/
Youworks
Try a suite of data preparation schemes to see what can master applied
best for your Machine Learningand chosen
specific dataset
model. without math or fancy degrees.
Find out how in this free and practical course.
Email Address
REPLY
Hussein May 9, 2018 at 10:33 pm #
This is a very nice intro to a daunting but intriguing technology! I wanted to play around with your code
and see if I could come up with some simple dataset and see how the predictions will work out – one
idea that occurred to me is, can I make a model that predicts what country a telephone number belongs
to. So the training dataset looks like a 2 column CSV, phone number and country…that’s basically one
feature. Do you think this would be effective at all? What other features could be added here? I’ll still give
this a shot, but would appreciate any thoughts/ideas!
Thanks!
REPLY
Jason Brownlee May 10, 2018 at 6:33 am #
The country code would make it too simple a problem – e.g. it can be solved with a look-up
table. Start Machine Learning
REPLY
Hussein May 10, 2018 at 4:24 pm #
True, I just wanted to see if machine learning could be used to “figure out” the lookup
table as opposed to be provided with one by the user, given enough data..not a practical use-
case, but as a learning exercise. As it turns out, my data-set of about 700 phone numbers wasn’t
effective for this. But again, is this because the problem had too few features, i.e in my case, just
one? What if I increased the number of features, say phone number, country code, city the
phone number belongs to, maybe even the cellphone company the number is registered to, do
you think that would make the training more effective?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 127/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee May 11, 2018 at 6:33 am #
If you can write an if statement or use a look-up table to solve the problem, then it
might be a bad fit for machine learning.
Start
Thanks Jason for that resource. Machine
I’ll check Learning
it out. I also came across this ×
(https://elitedatascience.com/machine-learning-projects-for-beginners) that I’m reading
through, for anyone else that’s lookingYou
for can master
a small MLapplied
problemMachine Learning
to solve as a learning
without math or fancy degrees.
experience.
Find out how in this free and practical course.
Email Address
Jason Brownlee May 12, 2018 at 6:27 am #
REPLY
Frank Lu May 14, 2018 at 7:44 pm #
Great tutorial very helpful ,then I have a question .Which accounted for the largest proportion in
8 inputs? We have 8 factors in the dataset like pregnancies, glucose, bloodpressure and the others. So ,
Which factor is most related to diabetes used? How do we know this proportion through MLP?
Thanks!
REPLY
Jason Brownlee May 15, 2018 at 7:53 am #
REPLY
Paolo May 16, 2018 at 7:59 pm #
Hi Jason,
thanks for your tutorials.
I have a question, do you use keras with pandas too? In this case, it is better to import data wih numpy
anyway? What do you suggest?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 128/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee May 17, 2018 at 6:31 am #
REPLY
Stefan November 10, 2018 at 1:06 am #
arrays?
How so? I usually see pandas.readcsv() to read files. Does keras only accept numpy
Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course. REPLY
Jason Brownlee November 10, 2018 at 6:07 am #
Thanks for your great tutorial. I have a credit card dataset and I want to do fraud detection on it.
it has 312 columns, So before doing DNN, I should do dimension reduction, then using DNN? and
another question is that Is it possible to do CNN on my dataset as well?
Thank you
REPLY
Jason Brownlee May 21, 2018 at 6:24 am #
Yes, choose the features that best map to the output variable.
A CNN can be used if there is a spatial relationship in the data, such as a sequence of transactions
over space or time. Start Machine Learning
REPLY
zohreh May 23, 2018 at 6:44 am #
Thanks for your answer, So I think CNN doesn’t make sense for my dataset,
Do you have any tutorial for active learning?
thanks for your time.
REPLY
Jason Brownlee May 23, 2018 at 2:37 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 129/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I don’t know if it is appropriate, I was trying to provide enough information for you to
make that call.
REPLY
Jason Brownlee May 24, 2018 at 1:51 pm #
Email Address
REPLY
Sathish May 24, 2018 at 12:57 pm #
REPLY
Jason Brownlee May 24, 2018 at 1:51 pm #
REPLY
Anam May 28, 2018 at 3:52 am #
Start Machine Learning
Dear Jason,
I get an error”ValueError: could not convert string to float: “Kindly help to solve the issue.And I am using
my own dataset which consist of text not numbers(like the dataset you have used).
Thanks!
REPLY
Jason Brownlee May 28, 2018 at 6:04 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 130/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Anam May 29, 2018 at 7:26 am #
Dear Jason,
I am running your code example from section 6.But I get an error in the following code snippet:
Code Snippet:
dataset = numpy.loadtxt(“pima_indians.csv”, delimiter=”,”)
# split into input (X) and output (Y) variables
X = dataset[:,0:8]
Y = dataset[:,8]
Error:
ValueError: could not convert string to float: “6 Start Machine Learning ×
Kindly guide me to solve the issue. Thanks for your precious
You cantime.
master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee May 29, 2018 at 2:49 pm #
Email Address
I’m sorry to hear that, I have some suggestions here:
https://machinelearningmastery.com/faq/single-faq/why-does-the-code-in-the-tutorial-not-work-for-
START MY EMAIL COURSE
me
REPLY
Gautam Sharma June 19, 2018 at 1:20 am #
REPLY
moti June 4, 2018 at 3:34 am #
Hi Doctor, in this python code where shall I get the “keras” package?
REPLY
Ammara Habib June 5, 2018 at 5:13 am #
Hy jason, Thanks for an amazing post. I have a question here that can we use dense layer as
input for text classification(e.g : sentiment classification of movie reviews).If yes than how can we convert
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 131/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee June 5, 2018 at 6:47 am #
You can, although it is common to one hot encode the text or use an embedding layer.
REPLY
Ammara Habib June 5, 2018 at 9:18 am #
Thanks for your precious time.Sir, you mean that first i use embedding layer as input layer and
Start Machine Learning ×
then i use dense layer as the hidden layer?
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee June 5, 2018 at 3:05 pm #
Email Address
Yes.
REPLY
Lisa Xie June 15, 2018 at 1:12 pm #
Hi,thanks for your tutorial. I am wondering how you set the number neurons and activation
functions for each layer, eg. 12 neurons for the 1st layer and 8 for the second.
REPLY
Jason Brownlee June 15, 2018 at 2:50 pm #
REPLY
Marwa June 18, 2018 at 1:25 am #
Start Machine Learning
Hi jason,
I developped two neural networks using keras but I have this error:
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 132/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee June 18, 2018 at 6:42 am #
Sorry, I have not seen this error before. Perhaps try posting/searching on stackoverflow?
REPLY
prateek bhadauria June 23, 2018 at 11:38 pm #
sir i have a regression related dataset which contains an array of 49999 rows and 20 coloumns
, i want to implement CNN on this dataset , Start Machine Learning ×
i put my code as per my perception kindly give me suggestion , to correct
You can master it i Machine
applied was stuck mainly by putting
Learning
my dense dimension specially without math or fancy degrees.
Find out how in this free and practical course.
from keras.models import Sequential
from keras.layers import Dense
import numpy as np Email Address
import tensorflow as tf
from matplotlib import pyplot START MY EMAIL COURSE
from sklearn.datasets import make_regression
from sklearn.preprocessing import MinMaxScaler
from sklearn.metrics import mean_squared_error
from keras.wrappers.scikit_learn import KerasRegressor
from sklearn.preprocessing import StandardScaler
from keras.layers import Dense, Dropout, Flatten
from keras.layers import Conv2D, MaxPooling2D
from keras.optimizers import SGD
seed = 7
np.random.seed(seed)
from scipy.io import loadmat
dataset = loadmat(‘matlab2.mat’)
Bx=basantix[:, 50001:99999]
Bx=np.transpose(Bx)
Fx=fx[:, 50001:99999] Start Machine Learning
Fx=np.transpose(Fx)
model = Sequential()
def base_model():
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 133/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
scale = StandardScaler()
Bx = scale.fit_transform(Bx)
Bx = scale.fit_transform(Bx)
clf.fit(Bx,Fx)
res = clf.predict(Bx)
Start Machine Learning ×
## line below throws an error
clf.score(Fx,res) You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee June 24, 2018 at 7:33 am # Email Address
Sorry, I cannot debug your code for you. Perhaps post your code and error to
stackoverflow? START MY EMAIL COURSE
REPLY
Madhav Prakash June 24, 2018 at 3:01 am #
Hi Jason,
Looking at the dataset, I could find that there were many attributes with each of them differing in terms of
units. Why haven’t you rescaled/normalised the data? but still managed to get an accuracy of 75%?
REPLY
Jason Brownlee June 24, 2018 at 7:35 am #
The relu activation function is more flexible with unscaled data. Learning
Start Machine
REPLY
Madhav Prakash June 24, 2018 at 4:23 pm #
Ohkay, thanks.
Also, I’ve implemented a NN on a database similar to this, where the accuracy varies b/w 70-
75%. I’ve tried to increase the accuracy by tuning various parameters and functions (learning
rate, no. of layers, neurons per level, earlystopping, activation fn, initialization, optimizer etc…)
but it was not a success. My question is when do i come to know that i’ve reached the maximum
accuracy possible for my implementation? Do i stay content with the current accuracy?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 134/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee June 25, 2018 at 6:19 am #
And here:
http://machinelearningmastery.com/improve-deep-learning-performance/
First of all thanks for the tutorial. Also I acknowledge that this network is more for educational
You can master applied Machine Learning
purposes. Yet this network can be improved to 83-84% accuracy with standard normalization alone. Also
without math or fancy degrees.
it can hit 93-95% accuracy by using a deeper model.
Find out how in this free and practical course.
#Standard normalization
X= StandardScaler().fit_transform(X) Email Address
#and a deeper model
model = Sequential() START MY EMAIL COURSE
model.add(Dense(12, input_dim=8, activation=’relu’))
model.add(Dense(12, activation=’relu’))
model.add(Dense(12, activation=’relu’))
model.add(Dense(12, activation=’relu’))
model.add(Dense(12, activation=’relu’))
model.add(Dense(8, activation=’relu’))
model.add(Dense(1, activation=’sigmoid’))
REPLY
Jason Brownlee July 9, 2018 at 6:30 am #
Thanks, yes, normalization is a good idea in general when working with neural nets.
Imagine that in my dataset instead of diabetes being a 0 or 1 I have 3 results, I mean, the data rows are
like this
So, I need to categorize for 3 values, If I use this same example you gave us how can I determine the
output?
REPLY
Jason Brownlee July 10, 2018 at 6:51 am #
The output will be sickness Alex. Perhaps I don’t understand your question?
REPLY
Alex July 10, 2018 at 7:11 am #
Sorry for my English, it is not my natal tongue, I will re do my quesyion. What I mean is this, I
will be having a label with more than 2 results, 0 is one Email
sickness, 1 will be other and 2 will be other.
Address
How can I use the model you showed us to fit the 3 results?
START MY EMAIL COURSE
REPLY
Jason Brownlee July 10, 2018 at 2:26 pm #
REPLY
adsad July 11, 2018 at 1:06 am #
REPLY
Jason Brownlee July 11, 2018 at 5:59 am #
REPLY
Tom July 14, 2018 at 2:32 am #
Hi Jason, I run your first example code in this tutorial. but what makes me confused is:
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 136/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Why the final training accuracy (0.7656) is different from the evaluated scores (78.26%) in the same
datasets (training set) ? I can’t figure it out. Can you tell me please? Thanks a lot!
Epoch 150/150
768/768 [==============================] – 0s – loss: 0.4827 – acc: 0.7656
32/768 [>………………………..] – ETA: 0s
acc: 78.26%
REPLY
Jason Brownlee July 14, 2018 at 6:20 am #
One is the performance on the training set, the other on the validation set.
Thanks for the rapid reply. But I noticed that inEmail Address
your code the training set and validation set are
exactly the same dataset. Please check it for confirmation. The code is in the part “6. Tie It All Together”.
So, my problem is still the same: Why the final training accuracy (0.7656) is different from the evaluated
scores (78.26%) in the same datasets?
Thanks!
REPLY
Jason Brownlee July 15, 2018 at 6:14 am #
Perhaps verbose output might be accumulated over each batch rather than summarizing
skill at the end of the training epoch.
REPLY
ami July 16, 2018 at 2:01 am #
Hello Jason,
Do you have some tutorial on signal processing using CNN ? I have csv files of some biomedical signals
like ECG and i want to classify normal and abnormal signals using deep learning.
With Regards
REPLY
Jason Brownlee July 16, 2018 at 6:11 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 137/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Yes, I have a suite of tutorials scheduled on this topic. They should be out soon.
REPLY
EL July 16, 2018 at 7:19 pm #
Hi, thank you so much for your tutorial. I am trying to make a neural network that will take a
dataset and return if it is suitable to be analyzed by another program i have. Is it possible to feed this
with acceptable datasets and unacceptable datasets and then call it on a new dataset and then return
whether this dataset is acceptable? Thank you for your help, I am very new to machine learning.
×
REPLY
Jason Brownlee July 17, 2018 at 6:14 am #
Start Machine Learning
Try it and see how you go.
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
ami July 18, 2018 at 2:37 pm #
Email Address
Oh really ! Thank you so much. Can you please notify me when the tutorials will be out because
i am doing a project and i am stuck right now.
START MY EMAIL COURSE
With Regards
REPLY
Diagrams July 30, 2018 at 2:45 pm #
It would be very very helpful for newcomers if you had a diagram of the network, showing
individual nodes and graph edges (and bias nodes and activation functions), and indicating on it which
parts were generated by which model.add commands/parameters. Similar to
https://zhu45.org/posts/2017/May/25/draw-a-neural-network-through-graphviz/
I’ve tried visualizing it with from keras.utils.plot_model and tensorboard, but neither produce a node-level
diagram.
REPLY
Aravind July 30, 2018 at 7:57 pm #
can anyone tell a simple way to run my ann keras tensorflow backend in GPU. Thanks
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 138/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee July 31, 2018 at 6:00 am #
REPLY
farli August 6, 2018 at 1:08 pm #
Email Address
REPLY
farli August 13, 2018 at 9:40 am #
START MY neural
Can you please make a tutorial on convolutional EMAIL COURSE
net? That would be really
helpful ..:)
REPLY
Jason Brownlee August 13, 2018 at 2:27 pm #
Yes, i have many on the blog already. Try the blog search.
REPLY
Karim Gamal August 7, 2018 at 8:52 pm #
where in my data set the output is a value between 0 to 500 not only 0 and 1
so how can I fix this in my code
REPLY
Jason Brownlee August 8, 2018 at 6:18 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 139/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Sounds like a regression problem. Change the activation function in the output layer to linear and the
loss function to ‘mse’.
REPLY
Tim August 15, 2018 at 5:54 am #
You’re welcome, I’m happy it helped. You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
tania August 27, 2018 at 8:35 pm #
Email Address
Hi Jason,
START MY EMAIL COURSE
Thank you for the tutorial. I am relatively new to ML and I am currently working on a classification
problem that is non binary.
My dataset consists of a number of labeled samples – all measuring the same quantity/unit. The amount
typically ranges from 10 to 20 labeled samples/inputs. However, the feed forward or testing sample will
only contain 7 of those inputs (at random).
I’m struggling to find a solution to designing a system that accepts fewer inputs than what is typically
found in the training set.
REPLY
Jason Brownlee August 28, 2018 at 5:59 am #
REPLY
Vaibhav Jaiswal September 10, 2018 at 6:28 pm #
Great tutorial there! But the main aspect of the model is to predict on a sample. If i print the first
predicted value,it shows me some values for all the columns of categorical features. How to get the
predicted number from the sample?
REPLY
Jason Brownlee September 11, 2018 at 6:26 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 140/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Glen September 19, 2018 at 10:45 pm #
InvalidArgumentError: Input to reshape is a tensor with 10 values, but the requested shape has 1
[[Node: training_19/Adam/gradients/loss_21/dense_64_loss/Mean_1_grad/Reshape =
Reshape[T=DT_FLOAT, Tshape=DT_INT32, _class=
Start Machine Learning
[“loc:@training_19/Adam/gradients/loss_21/dense_64_loss/Mean_1_grad/truediv”], ×
_device=”/job:localhost/replica:0/task:0/device:GPU:0″]
You can master applied Machine Learning
(training_19/Adam/gradients/loss_21/dense_64_loss/mul_grad/Sum,
without math or fancy degrees.
training_19/Adam/gradients/loss_21/dense_64_loss/Mean_1_grad/DynamicStitch/_1703)]]
Find out how in this free and practical course.
Are you able to shed any light on why I would get this error?
REPLY
Snehasish September 19, 2018 at 11:15 pm #
Hi Jason, thanks for this awesome tutorial. I have one doubt – why did the evaluation not
produce 100% accuracy? After all, we used the same dataset for evaluation as the one used for training
itself.
REPLY
Jason Brownlee September 20, 2018 at 8:00 am #
Good question!
We are approximating a challenging mapping function, not memorizing examples. As such, there will
always be error.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 141/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Mark C September 27, 2018 at 12:49 am #
How do you predict something you want to predict such as new data. for example I did a spam
detection but dont know how to predict whether a sentence i write is spam or not .
REPLY
Jason Brownlee September 27, 2018 at 6:01 am #
Great question, yes, train the model on all available data and then use it to start making
predictions.
More here:
https://machinelearningmastery.com/train-final-machine-learning-model/
REPLY
Vivek35 October 1, 2018 at 7:11 am #
Hello Sir,
It’s great tutorial to understand. However, I am new and want to understand something out of it. In the
above code we have treated entire dataset as training set. Can we divide this into training set and test
Start Machinecan
set, apply model to training set and use it for test set prediction.How Learning
we achieve with the above
code?
REPLY
Jason Brownlee October 1, 2018 at 2:39 pm #
Thanks.
Yes, you can split the dataset manually or use scikit-learn to make the split for you. I explain more
here:
https://machinelearningmastery.com/faq/single-faq/how-do-i-evaluate-a-machine-learning-algorithm
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 142/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Lipi October 5, 2018 at 6:26 am #
Hi Jason,
I am trying to predict using my neural network. I have used MinMaxScaler in the features while training
the data. I don’t get a good prediction if I don’t use the same transform function on the prediction data
set which I used on the features while training the data. Could you suggest me the correct approach in
this situation?
REPLY
Jason Brownlee October 5, 2018 at 2:29 pm #
REPLY
neenu October 6, 2018 at 3:57 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 143/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
runfile(‘C:/Users/DELL/Anaconda3/Scripts/temp.py’, wdir=’C:/Users/DELL/Anaconda3/Scripts’)
Using TensorFlow backend.
Traceback (most recent call last):
Email Address
File “C:\Users\DELL\Anaconda3\lib\site-packages\keras\utils\__init__.py”, line 6, in
from . import conv_utils
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 144/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee October 7, 2018 at 7:24 am #
Instead, I recommend you save code to a .py file and run from the command line:
https://machinelearningmastery.com/faq/single-faq/how-do-i-run-a-script-from-the-command-line
sir please provide the python code for adaptive neuro fuzzy classifier
REPLY
Jason Brownlee October 15, 2018 at 7:31 am #
REPLY
Shahbaz October 24, 2018 at 4:44 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 145/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
blessed on u sir,
can u give me idea about OCR system, for my final year project, plz give me back-end stratigy
for OCR , r u have any code on OCR
REPLY
Jason Brownlee October 24, 2018 at 6:32 am #
Email Address
REPLY
Jason Brownlee October 30, 2018 at 6:02 am #
START MY EMAIL COURSE
I have some suggestions here:
https://machinelearningmastery.com/faq/single-faq/why-does-the-code-in-the-tutorial-not-work-for-
me
REPLY
VASUDEV K P November 3, 2018 at 10:13 pm #
Hello Jason,
I have the theano back end installed. I am using Windows OS and during execution I am getting an error
“No module named TensorFlow”. Please help
REPLY
Start
Jason Brownlee November 4, 2018 at 6:27 am # Machine Learning
You may have to change the configuration of Keras to use Theano instead.
REPLY
Imen Drs November 4, 2018 at 7:09 am #
Hi Jason,
Please,how can we calculate the precision and recall of this example?
And thanks.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 146/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee November 5, 2018 at 6:06 am #
REPLY
Stefan November 10, 2018 at 2:59 am #
I thought sigmoid and softmax were quite similar activation functions. But when trying the same
model with softmax as activation for the last layer instead of sigmoid, my accuracy is much much worse.
Start Machine Learning ×
Does that make sense to you? If so why? I feel like I see softmax more often in other code than sigmoid.
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee November 10, 2018 at 6:09 am #
REPLY
Amuda Kamorudeen November 10, 2018 at 4:46 pm #
I’m working on model that will predict propensity of customer that are likely to terminate their
service with company. I have dataset of 70000 rows and 500 columns, Please how can I pass numeric
data as an input to a convolutional neural network (CNN) .
REPLY
Jason Brownlee November 11, 2018 at 5:59 am #
CNNs are only appropriate for data with a spatial relationship, such as images, time series
and text. Start Machine Learning
REPLY
irfan November 18, 2018 at 3:22 pm #
hi jason,
print (model.layer())
erro.
—————————————————————————
AttributeError Traceback (most recent call last)
in
9 model.add(Dense(512, activation=’relu’))
10 model.add(Dense(10, activation=’sigmoid’))
—> 11 print (model.layer())
12 # Compile model
13 model.compile(loss=’binary_crossentropy’, optimizer=’adam’, metrics=[‘accuracy’])
Email Address
REPLY
Mario December 2, 2018 at 5:30 am #
START MY EMAIL COURSE
Hi Jason
First thanks for amazing tutorial , since your scripts are using list of values while my inputs are list of
24×20 matrices which are filled out by values in especial order how they measured for 3 parameters in
3000 cycles , how can I feed this type matrice-data or let’s say how can I feed stream of images for 3
different parameters I already extracted from raw dataset and after preprocessing I convert them to
24*20 matrices or .png images ? How should I change this script so that I can use my dataset?
REPLY
Jason Brownlee December 2, 2018 at 6:26 am #
When using an MLP with images, you must flatten each matrix of pixel data to a single row
vector.
REPLY
Evangelos Argyropoulos December 18, 2018 at 6:15 am #
Hi Jason,
Thank for tutorial. 1 questions.
I use the algorithm for time series prediction 0=buy 1=sell. Does this model overfit?
REPLY
Jason Brownlee December 18, 2018 at 6:27 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 148/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
You can only know if you try fitting it and evaluating learning curves on train and validation datasets.
REPLY
SOURAV MONDAL December 28, 2018 at 7:42 am #
×
REPLY
Jason Brownlee December 29, 2018 at 5:46 am #
Start Machine Learning
Yes, check out this tutorial:
You can master applied Machine Learning
https://machinelearningmastery.com/visualize-deep-learning-neural-network-model-keras/
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee December 29, 2018 at 5:52 am #
REPLY
Imen Drs December 29, 2018 at 7:59 am #
REPLY
Somashekhar January 2, 2019 at 4:39 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 149/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi, Is there a solution posted for solving pima-indians-diabetes.csv for prediction using LSTM?
REPLY
Jason Brownlee January 2, 2019 at 6:42 am #
No. LSTMs are for sequential data only, and the pima indians dataset is not a sequence
prediction problem.
REPLY
Imen Drs January 4, 2019 at 9:56 pm #
And thanks.
Is there a way to use specific fields in the dataset instead of the entire uploaded dataset.
Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course. REPLY
Jason Brownlee January 5, 2019 at 6:56 am #
REPLY
Kahina January 5, 2019 at 12:43 am #
REPLY
Jason Brownlee January 5, 2019 at 6:58 am #
REPLY
Khemmarut January 12, 2019 at 11:35 pm #
Start Machine Learning
Traceback (most recent call last):
File “C:/Users/Admin/PycharmProjects/NN/nnt.py”, line 119, in
rounded = [round(X[:1]) for x in predictions]
File “C:/Users/Admin/PycharmProjects/NN/nnt.py”, line 119, in
rounded = [round(X[:1]) for x in predictions]
TypeError: type numpy.ndarray doesn’t define __round__ method
Help me please
Thank you.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 150/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee January 13, 2019 at 5:41 am #
REPLY
Priti Pachpande January 31, 2019 at 2:50 am #
Hi Jason,
Thank you for the amazing tutorial. I am trying to buildStart
an autoencoder
Machine modelLearning
in keras using backend ×
tensorflow.
I need to use tensorflow(like tf.ifft,tf.fft) functions in theYou
model. Can you
can master guideMachine
applied me towards how can I do
Learning
it? I tried using lambda layer but the accuracy decreases whenmath
without I useorit.fancy degrees.
Find out how in this free and practical course.
Also, I m using model.predict() function to check the values between the intermediate layers. Am I doing
it right?
Email Address
Also, can you guide me towards how to use reshape function in keras?
REPLY
Jason Brownlee January 31, 2019 at 5:36 am #
Sorry, I don’t know about the functions you are using. Perhaps post on stackoverflow?
REPLY
Crawford January 31, 2019 at 9:34 pm #
Hi Jason,
Your tutorials are brilliant, thanks for putting all this together.
In this tutorial the result is either a 1 or 0, but what if you have data with more than two possible results,
e.g. 0, 1, 2, or similar?
Can I do something with the code you have presentedStart
here,Machine Learning
or is a whole other approach required?
I have somewhat achieved what I’m trying to do using your “first machine learning project” using a knn
model, but I had to simplify my data by stripping out some variables. I believe there is value in these
extra variables, so thought the neural network might be useful, but like I said I have three classifications
not two.
Thanks.
REPLY
Jason Brownlee February 1, 2019 at 5:37 am #
REPLY
Crawford February 1, 2019 at 10:11 pm #
Brilliant, thanks.
REPLY
Sergio February 1, 2019 at 10:18 am #
Hi, Im trying to construct a neural network using complex number as inputs, I followed your
recommendatins but i get the following warning:
`
Start
ComplexWarning: Casting complex values to real discards the Machine
imaginary partLearning
return array(a, dtype, ×
copy=False, order=order)
You can master applied Machine Learning
The code run without problems, but the predictions is 25 % exact.
without math or fancy degrees.
Find out how in this free and practical course.
Is possible to use complex number in neural networks..?
REPLY
Sergio February 1, 2019 at 2:17 pm #
REPLY
Jason Brownlee February 2, 2019 at 6:06 am #
REPLY
Arnab Kumar Mishra February 1, 2019 at 9:47 pm #
Hi Jason,
I am trying to run the code in the tutorial with some minor modifications, but I am facing a problem with
the training.
The training loss and accuracy both are staying the same across epochs (Please take a look at the code
snippet and the output below). This is for a different dataset, not the diabetes dataset.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 152/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Can you please take a look at this and help me solve this problem? Thanks.
# create model
model = Sequential()
model.add(Dense(15, input_dim=9, activation=’relu’))
model.add(Dense(10, activation=’relu’))
model.add(Dense(5, activation=’relu’))
model.add(Dense(1, activation=’sigmoid’))
Epoch 1/200
Email Address
81/81 [==============================] – 0s 177us/step – loss: -8.4632 – acc: 0.4691
Epoch 2/200
81/81 [==============================] – 0s 148us/step – loss: -8.4632 – acc: 0.4691
START MY EMAIL COURSE
Epoch 3/200
81/81 [==============================] – 0s 95us/step – loss: -8.4632 – acc: 0.4691
Epoch 4/200
81/81 [==============================] – 0s 116us/step – loss: -8.4632 – acc: 0.4691
Epoch 5/200
81/81 [==============================] – 0s 106us/step – loss: -8.4632 – acc: 0.4691
Epoch 6/200
81/81 [==============================] – 0s 98us/step – loss: -8.4632 – acc: 0.4691
Epoch 7/200
81/81 [==============================] – 0s 145us/step – loss: -8.4632 – acc: 0.4691
Epoch 8/200
81/81 [==============================] – 0s 138us/step – loss: -8.4632 – acc: 0.4691
Epoch 9/200
81/81 [==============================] – 0s 105us/step – loss: -8.4632 – acc: 0.4691
Epoch 10/200 Start Machine Learning
81/81 [==============================] – 0s 128us/step – loss: -8.4632 – acc: 0.4691
Epoch 11/200
81/81 [==============================] – 0s 129us/step – loss: -8.4632 – acc: 0.4691
Epoch 12/200
81/81 [==============================] – 0s 111us/step – loss: -8.4632 – acc: 0.4691
Epoch 13/200
81/81 [==============================] – 0s 106us/step – loss: -8.4632 – acc: 0.4691
Epoch 14/200
81/81 [==============================] – 0s 144us/step – loss: -8.4632 – acc: 0.4691
Epoch 15/200
81/81 [==============================] – 0s 106us/step – loss: -8.4632 – acc: 0.4691
Epoch 16/200
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 153/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 154/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Epoch 41/200
81/81 [==============================] – 0s 115us/step – loss: -8.4632 – acc: 0.4691
Epoch 42/200
81/81 [==============================] – 0s 119us/step – loss: -8.4632 – acc: 0.4691
Epoch 43/200
81/81 [==============================] – 0s 115us/step – loss: -8.4632 – acc: 0.4691
Epoch 44/200
81/81 [==============================] – 0s 133us/step – loss: -8.4632 – acc: 0.4691
Epoch 45/200
81/81 [==============================] – 0s 114us/step – loss: -8.4632 – acc: 0.4691
Epoch 46/200
81/81 [==============================] – 0s 112us/step – loss: -8.4632 – acc: 0.4691
Epoch 47/200
Start Machine
81/81 [==============================] – 0s 143us/step Learning
– loss: -8.4632 – acc: 0.4691 ×
Epoch 48/200
81/81 [==============================] – 0s 124us/step – loss:
You can master -8.4632
applied – acc:Learning
Machine 0.4691
Epoch 49/200 without math or fancy degrees.
Find out how
81/81 [==============================] – 0s 129us/step in this-8.4632
– loss: free and–practical course.
acc: 0.4691
Epoch 50/200
The same goes on for the rest of the epochs as well. Email Address
REPLY
Jason Brownlee February 2, 2019 at 6:14 am #
REPLY
Nagesh February 4, 2019 at 1:50 am #
Hi Jason,
Can you please update me, whether we can plot a graph(epoch vs acc)?
If yes then how.
REPLY
Jason Brownlee February 4, 2019 at 5:49 am #
REPLY
Nils February 5, 2019 at 1:28 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 155/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I just wondered that in chapter 2 there is a description of the “init” parameter, but in all sources it was
missing.
I added it like:
Regarding the same line I got one question: Is it correct, that it adds one input layer with 8 neurons AND
Start Machine Learning ×
another hidden layer with 12 neurons?
So, would it result in the same ANN to do this? You can master applied Machine Learning
model.add(Dense(8, input_dim=8, kernel_initializer=’uniform’))
without math or fancy degrees.
model.add(Dense(8, activation=”relu”, kernel_initializer=’uniform’))
Find out how in this free and practical course.
Email Address
REPLY
Jason Brownlee February 5, 2019 at 8:29 am #
START MY EMAIL COURSE
Yes, perhaps your version of the book is out of date, email me to get the latest version?
Yes, the definition of the first hidden layer also defines the input layer via an argument.
REPLY
Shuja February 8, 2019 at 12:00 am #
Hi Jason
I am getting the following error
(env) shuja@latitude:~$ python keras_test.py
Using TensorFlow backend.
Traceback (most recent call last):
File “keras_test.py”, line 8, in
dataset = numpy.loadtxt(“pima-indians-diabetes.csv”, delimiter=”,”)
Start Machine Learning
File “/home/shuja/env/lib/python3.6/site-packages/numpy/lib/npyio.py”, line 955, in loadtxt
fh = np.lib._datasource.open(fname, ‘rt’, encoding=encoding)
File “/home/shuja/env/lib/python3.6/site-packages/numpy/lib/_datasource.py”, line 266, in open
return ds.open(path, mode, encoding=encoding, newline=newline)
File “/home/shuja/env/lib/python3.6/site-packages/numpy/lib/_datasource.py”, line 624, in open
raise IOError(“%s not found.” % path)
OSError: pima-indians-diabetes.csv not found.
REPLY
Jason Brownlee February 8, 2019 at 7:52 am #
Looks like the dataset was not downloaded and place in the same directory as your script.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 156/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Shubham February 12, 2019 at 4:55 am #
Hi, Jason
Shubham
Start
Jason Brownlee February 12, 2019 at 8:08 am # Machine Learning ×
REPLY
REPLY
Daniel March 13, 2019 at 8:14 am # Email Address
Hey Jason,
START MY EMAIL COURSE
I’ve been reading your tutorials for a while now on a variety of ML topics, and I think that you write very
cleanly and concisely. Thank you for making almost every topic I’ve encountered understandable.
However, one thing I have noticed is that the comment sections on your pages sometimes cover the bulk
of the webpage. The first couple times I saw this site, I saw how tiny my scroll bar was and I assumed
that the tutorial would be 15 pages long, only to find that your introductions were in fact “gentle” as
promised and everything but the first sliver of the page were people’s responses and your responses
back. I think it would be very useful if you could somehow condense the responses (maybe a “show
responses” button?) to only show the actual content. Not only would everything look better, but I think it
would also prevent people from initially thinking your blog was exceptionally long, like I did a few times.
REPLY
Jason Brownlee March 13, 2019 at 8:26 am #
REPLY
ismael March 22, 2019 at 5:22 am #
REPLY
Jason Brownlee March 22, 2019 at 8:39 am #
Sorry to hear that you’re having trouble, what is the problem exactly?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 157/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Felix Daniel March 30, 2019 at 7:09 am #
Awesome work on machine learning… I was just thinking on how to start my journey into
Machine Learning, I randomly searched for people in Machine Learning on LinkedIn that’s how I find
myself here… I’m delighted to see this… Here is my final bus stop to start building up in ML. Thanks for
accepting my connection on LinkedIn.
I have a project that am about to start but I don’t know how and the road Map. Please I need your
detailed guideline.
Human Activity Recognition System that Controls overweight in Children and Adults.
Start Machine Learning ×
You can master applied Machine Learning
REPLY
Jason Brownlee March 31, 2019 at 9:22 am without
# math or fancy degrees.
Find out how in this free and practical course.
Sounds like a great project, you can get started here:
https://machinelearningmastery.com/start-here/#deep_learning_time_series
Email Address
can you please explain me why we use 12 neurons in the first layer ? 8 are inputs and are the
rest 4 biases ?
REPLY
Jason Brownlee April 14, 2019 at 5:49 am #
No, the 12 refers to the 12 nodes in the first hidden layer, not the input layer.
The input layer is defined by a input_dim argument on the first hidden layer.
REPLY
Akshaya E April 14, 2019 at 8:09 pm #
thank you for the immediate response. my doubt has been cleared.
REPLY
Jason Brownlee April 15, 2019 at 7:52 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 158/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Abhiram April 19, 2019 at 11:50 pm #
hii Jason, above predictions are between 0 to 1,My labels are 1,1,1,2,2,2,3,3,3……..36,36,36.
Now i want to predict class 36 then what should i do??
REPLY
Jason Brownlee April 20, 2019 at 7:39 am #
y=df1[‘Answer’].tolist()
max_input_words_amount = 0
tok_x = []
for i in range(len(x)) :
tokenized_q = nltk.word_tokenize(re.sub(r”[^a-z0-9]+”, ” “, x[i].lower()))
max_input_words_amount = max(len(tokenized_q), max_input_words_amount)
tok_x.append(tokenized_q)
vec_x=[]
for sent in tok_x:
sentvec = [ft_cbow_model[w] for w in sent]
vec_x.append(sentvec)
vec_y=[]
for sent in y:
Start Machine Learning
sentvec = [ft_cbow_model[sent]]
vec_y.append(sentvec)
tok_sent.append(ft_cbow_model['_E_'])
vec_x=np.array(vec_x,dtype=np.float64)
vec_y=np.array(vec_y,dtype=np.float64)
model=Sequential()
model.add(LSTM(output_dim=100,input_shape=x_train.shape[1:],return_sequences=True,
init='glorot_normal', inner_init='glorot_normal', activation='sigmoid'))
model.add(LSTM(output_dim=100,input_shape=x_train.shape[1:],return_sequences=True,
Start Machine Learning ×
init='glorot_normal', inner_init='glorot_normal', activation='sigmoid'))
model.add(LSTM(output_dim=100,input_shape=x_train.shape[1:],return_sequences=True,
You can master applied Machine Learning
init='glorot_normal', inner_init='glorot_normal', activation='sigmoid'))
without math or fancy degrees.
model.add(LSTM(output_dim=100,input_shape=x_train.shape[1:],return_sequences=False,
Find out how in this free and practical course.
init='glorot_normal', inner_init='glorot_normal', activation='sigmoid'))
model.compile(loss='cosine_proximity', optimizer='adam', metrics=['accuracy'])
Email Address
model.fit(x_train, y_train, nb_epoch=100,validation_data=(x_test, y_test),verbose=0)
START MY EMAIL COURSE
REPLY
Jason Brownlee April 22, 2019 at 6:25 am #
I’m happy to answer questions, but I don’t have the capacity to review your code, sorry.
REPLY
Charlie April 22, 2019 at 8:41 am #
Jason – I think you are honestly the best teacher of these concepts on the web. Would you do a
graph convolutions post? Maybe working through the concepts in Kipf and Welling 2016 GCN
(https://arxiv.org/abs/1609.02907) paper, and/or (ideally) a worked example applying to a graph network
problem in Keras, maybe using Spektral, the recent graph convolutions Keras library
(https://github.com/danielegrattarola/spektral ) – would HUGELY appreciate it, and with the rise of graph
Start Machine
ML eg per this DeepMind paper (https://arxiv.org/abs/1806.01261) I’mLearning
sure there will be lots of great
applications and interest for people but there’s not much online that’s easy to follow. Thanks so much in
hope.
REPLY
Jason Brownlee April 22, 2019 at 2:26 pm #
Thanks.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 160/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi Jason
Thank you so much for your examples they are crystal clear. Do you have the implementation of RBF
neural network in python?
REPLY
Jason Brownlee April 24, 2019 at 8:00 am #
REPLY
Mridul April 26, 2019 at 3:20 pm #
I recommend running code from the command line and not from a notebook, here’s how:
https://machinelearningmastery.com/faq/single-faq/how-do-i-run-a-script-from-the-command-line
REPLY
Royal May 5, 2019 at 10:18 pm #
Hi Jason,
Super tutorials!
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 161/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
If I run Your First Neural Network once and then repeat several times (without resetting the seed, during
the same python session) using only this code:
then I get on average a ca. 3% improvement in accuracy (range 77.85% – 83.07%). Apparently the
initialization values are benefitting from the previous runs.
Does it make sense to use a model based on the best fit found after running several times? That would
provide an almost 5% greater accuracy!
Or are we overfitting?
Email Address
REPLY
Roger May 12, 2019 at 1:53 am # START MY EMAIL COURSE
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 162/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Roger May 12, 2019 at 1:58 am #
Start Machine Learning
I followed all the steps to set up the environment but when I ran the code I got an attribute
error ‘module ‘numpy.core.multiarray’ has no attribute ‘_get_ndarray_c_version”
REPLY
Jason Brownlee May 12, 2019 at 6:45 am #
REPLY
Jason Brownlee May 12, 2019 at 6:45 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 163/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Roger May 12, 2019 at 8:34 pm #
No numpy 1.16.2 does not work with theano 1.0.3 as served up currently by Anaconda. I
downgraded to numpy 1.13.0.
REPLY
Jason Brownlee May 13, 2019 at 6:46 am #
Thanks Roger.
Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees. REPLY
Aditya May 21, 2019 at 5:02 pm #
Find out how in this free and practical course.
Hi Jason,
Thanks for this amazing example! Email Address
What I observe in the example is the database used is purely numeric.
My doubt is:
START MY EMAIL COURSE
How can the example be modified to handle categorical input?
Will it work if the inputs are One Hot Encoded?
REPLY
Jason Brownlee May 22, 2019 at 7:38 am #
Yes, you can use a one hot encoding for our input categorical variables.
REPLY
Aditya May 31, 2019 at 3:41 pm #
Can you please provide a good reference point for OHE in python?
Thanks in advance!
Start Machine Learning
REPLY
Jason Brownlee June 1, 2019 at 6:09 am #
Sure:
https://machinelearningmastery.com/why-one-hot-encode-data-in-machine-learning/
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 164/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I read the link and it was helpful. Now, I have a doubt specific to my network.
I have 3 categorical input which have different sizes. One has around 15 ‘categories’
while the other two have 5. So after I One Hot encode each of them, do I have to make
their sizes same by padding? Or it’ll work as it it?
You can encode each variable and concatenate them together into one vector.
Or you can have a model with one input for each variable and let the model concatenate
them.
If there is one independent variable (say country) with more than 100 labels, how to resolve it.
Email Address
I think only one hot encoding will not work including scaling.
REPLY
Jason Brownlee June 18, 2019 at 6:37 am #
– integer encoding
– one hot encoding
– embedding
Test each and see what works best for your specific dataset.
REPLY
MK June 21, 2019 at 7:05 pm #
Start Machine Learning
Hi jason,
Cheers Martin
REPLY
Jason Brownlee June 22, 2019 at 6:35 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 165/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Guhan palanivel July 1, 2019 at 10:35 pm #
hi jason,
I have trained a neural network model with 6 months data and deployed at a remote site ,
when receiving the new data for upcoming months ,
Start
is there any way to automatically update the model with Machine
addition Learning
of new training data ? ×
You can master applied Machine Learning
without math or fancy degrees.
Jason Brownlee July 2, 2019 at 7:31 am # Find out how in this free and practical course. REPLY
Hi jason,
I want to print the neural network score as a function of one of the variable., how do i do that?
Regards
Shubham
REPLY
Jason Brownlee July 6, 2019 at 8:35 am #
REPLY
Jason Brownlee July 18, 2019 at 8:25 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 166/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Maha Lakshmi July 18, 2019 at 4:09 pm #
REPLY
Ron July 24, 2019 at 8:39 am #
Email Address
REPLY
Hammad July 29, 2019 at 6:12 pm #
START MY EMAIL COURSE
Dear sir,
I would like to apply above shared example on arrays produced by “train_test_split” but it does not work,
as these arrays are not in the form of numpy.
Let me give you the details, I have “XYZ” dataset. The dataset has the following specifications:
Now, after processing the feature file, I have got results in the following variables:
XData: contains features data in two dimensional array form (rows: 630, columns: 2500)
YData: contain original labels of classes in one dimensional array form (rows: 630, column: 1)
So, by using the following code, I split the data set into train and testing data:
Now, I would like to apply the deep-learning examples shared on this blog on my dataset which is now in
the form arrays, and generate output as prediction of testing data and accuracy.
Can you please let me know about it, which can work on the above arrays?
REPLY
Jason Brownlee July 30, 2019 at 6:05 am #
REPLY
Hammad July 30, 2019 at 6:01 pm #
Dear sir,
############################################################
import pandas
from keras.models import Sequential
Start Machine Learning ×
from keras.layers import Dense
from keras.wrappers.scikit_learn import KerasClassifier
You can master applied Machine Learning
from keras.utils import np_utils without math or fancy degrees.
from sklearn.model_selection import cross_val_score
Find out how in this free and practical course.
from sklearn.model_selection import KFold
from sklearn.preprocessing import LabelEncoder
Email Address
from sklearn.pipeline import Pipeline
from sklearn.metrics import accuracy_score
START MY EMAIL COURSE
seed=5
totalclasses=7 # Class Labels are: ‘p1’, ‘p2’, ‘p3’, ‘p4’, ‘p5’, ‘p6’, ‘p7′
totalimages=630
totalfeatures=2500 #features generated from images
# Data has been imported from feature file, which results two arrays XData and YData
# XData contains features dataset without numpy array form
# YData contains labels without numpy array form
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 168/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
x_train = np.array(x_train)
x_test = np.array(x_test)
y_train = np.array(y_train)
y_test = np.array(y_test)
estimator.fit(x_train, y_train)
predictions = estimator.predict(x_test)
print(predictions)
print(encoder.inverse_transform(predictions))
########################################################
After applying different deep learning algorithm, I would like to compare their accuracies such as,
START MY EMAIL COURSE
you did in tutorial https://machinelearningmastery.com/machine-learning-in-python-step-by-step/,
by plotting graphs.
REPLY
Jason Brownlee July 31, 2019 at 6:46 am #
I recommend testing a suite of methods in order to discover what works best for your
specific dataset:
https://machinelearningmastery.com/faq/single-faq/what-algorithm-config-should-i-use
Start Machine Learning
REPLY
Tyson September 3, 2019 at 10:07 pm #
Hi Jason,
Great tutorial. I am now trying new data sets from the UCI archive. However I am running into problems
when the data is incomplete. Rather than a number there is a ‘?’ indicating that the data is missing or
unknown. So I am getting
ValueError: could not convert string to float: ‘?’
Is there a way to ignore that data? I am sure many data sets have this issue where pieces are missing.
Thanks in advance!
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 169/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee September 4, 2019 at 5:58 am #
Yes, you can replace missing data with the mean or median of the variable – at least as a
starting point.
REPLY
Srinu September 10, 2019 at 9:07 pm #
Can you provide GUI code for the same data like calling the ANN model from a website or from
android application.
Email Address
REPLY
Hemanth Kumar September 20, 2019 at 12:58 pm #
START MY EMAIL COURSE
dear sir
ValueError: Error when checking input: expected conv2d_5_input to have 4 dimensions, but got array
with shape (250, 250, 3)
I am getting this error
REPLY
Jason Brownlee September 20, 2019 at 1:42 pm #
REPLY
Hemanth Kumar September 20, 2019 at 3:14 pm #
REPLY
Jason Brownlee September 21, 2019 at 6:43 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 170/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I’m sorry to hear that, I have some suggestions here that may help:
https://machinelearningmastery.com/faq/single-faq/why-does-the-code-in-the-tutorial-not-work-for-
me
REPLY
Anthony The Koala September 26, 2019 at 2:58 am #
Dear Dr Jason,
Thank you for this tutorial.
I have been playing around with the number of layers and the number of neurons.
In the current code
1 model = Sequential()
2
3
model.add(Dense(12, input_dim=8, activation='relu'))
model.add(Dense(8, activation='relu')) Start Machine Learning ×
4 model.add(Dense(1, activation='sigmoid'))
You can master applied Machine Learning
I have played around with increasing the numbers in the first layer:
without math or fancy degrees.
Find out how in this free and practical course.
1 model = Sequential()
2 model.add(Dense(100, input_dim=8, activation='relu'))
3 model.add(Dense(8, activation='relu'))
4 model.add(Dense(1, activation='sigmoid')) Email Address
1 model = Sequential()
2 model.add(Dense(200, input_dim=8, activation='relu'))
3 model.add(Dense(800, activation='relu'))
4 model.add(Dense(200, activation='relu'))
5 model.add(Dense(400, activation='relu'))
6 model.add(Dense(200, activation='relu'))
7 model.add(Dense(1, activation='sigmoid'))
1 model = Sequential()
2 model.add(Dense(200, input_dim=8, activation='relu'))
3 model.add(Dense(800, activation='relu'))
4 model.add(Dense(200, activation='relu'))
5 model.add(Dense(400, activation='relu')) Start Machine Learning
6 model.add(Dense(200, activation='relu'))
7 model.add(Dense(400, activation='relu'))
8 model.add(Dense(800, activation='relu'))
9 model.add(Dense(1, activation='sigmoid'))
From these brief experiments, increasing the number of neurons as in your first example did not increase
accuracy.
However adding more layers especially with a large number of neurons did increase the accuracy to
about 91%
BUT if there are too many layers there is a slight drop in accuracy to 88%.
My question is there a way to increase the accuracy any further than 91%?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 171/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Thank you,
Anthony of Sydney
REPLY
Jason Brownlee September 26, 2019 at 6:45 am #
If this is the pima indians dataset, then the best accuracy is about 78% via 10-fold cross
validation, anything more is probably overfitting.
Yes, I have tons of tutorials on diagnosing issues with models and lifting performance, you can start
here:
https://machinelearningmastery.com/start-here/#better
I obtained an accuracy of 95% by playing around with the number of neurons increasing then
decreasing.
I cannot work out a systematic way of improving the accuracy.
Thank you,
Anthony of Sydney
REPLY
Jason Brownlee September 26, 2019 at 6:46 am #
Haha, yes. That is the great open problem with neural nets (no good theories for how to
configure them) and why we must use empirical methods.
Start Machine Learning
REPLY
Anthony The Koala September 26, 2019 at 1:57 pm #
Dear Dr Jason,
thank you for those replies.
Yes, it was the Pima Indian dataset that is covered in this tutorial.
Before I indulge in further readings on 10-fold cross validation, please briefly answer:
* what is the meaning of overfit.
* why is an accuracy of 96% regarded as overfit.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 172/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
To do:
Play around with simple functions and play around with this tutorial and then look at overfitting:
For example suppose we have x = 0, 1, 2, 3, 4, 5 and f(x) = x^2
1 x : 0, 1, 2 , 3, 4, 5
2 f(x) : 0, 1, 4, 9, 16, 25
The aim:
* to see if there is an accurate mapping of the function of x and f(x) for x = 0..5
* to see what happens when we predict for x = 6, 7, 8. Will it be 36, 49, 64?
* we ask if there is such a thing as overfitting the model exists.
Thank you,
Anthony of Sydney
Emailset
It can also mean better performance on a test/validation Address
at the cost of worse performance on
new data.
REPLY
Andrey September 29, 2019 at 8:32 pm #
Hi Jason,
I see the data is not divided for that of training and for the test. Why is that? What does prediction mean
in this case?
Andrey
REPLY
Jason Brownlee September 30, 2019 at 6:07Start
am # Machine Learning
I did that to keep this example very simple and easy to follow.
REPLY
Anthony The Koala September 29, 2019 at 9:00 pm #
Dear Dr Jason,
I tried to do the same for a deterministic model of x and fx where x = [0,1,2,3,4,5] and fx = x**2
I want to see how machine learning operates with a deterministic function.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 173/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Thank you,
Anthony of Sydney
REPLY
Jason Brownlee September 30, 2019 at 6:10 am #
And perhaps the model will need to be tuned for your problem, e.g. perhaps using mse loss and a
linear activation function in the output layer because it is a regression problem.
Dear Dr Jason,
I tried with mse-loss and linear activation function and still only obtained 1% accuracy.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 174/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
12 fx = np.array(fx)
13
14 model = Sequential()
15 model.add(Dense(12, input_dim=1,activation='linear'))
16 model.add(Dense(33, activation='linear'))
17 model.add(Dense(1, activation='linear'))
18
19
20 #model.compile(loss='mean_squared_error', optimizer='softmax', metrics=['accuracy'])
21 model.compile(loss='mean_squared_error', optimizer='sgd')
22 #model.compile(loss='mean_squared_error')
23
24 model.fit(x,fx,epochs=10, batch_size=1,verbose=0)
25 _,accuracy = model.evaluate(x,fx)
26 print('Accuracy: %.2f' % (accuracy*100))
REPLY
Jason Brownlee October 1, 2019 at 7:00 am # START MY EMAIL COURSE
REPLY
Anthony The Koala October 1, 2019 at 10:18 am #
Dear Dr Jason,
I removed the model.evaluate from the program. BUT still I have not got a satisfactory match of the
expected and actual values.
Output
1 0 => 0 (expected 0)
2 1 => 0 (expected 1)
3 2 => 0 (expected 4)
4 3 => 0 (expected 9)
5 4 => 1 (expected 16)
6 5 => 1 (expected 25)
Not yet getting a match of the expected and the actual values
Start Machine Learning ×
Thank you,
You can master applied Machine Learning
Anthony of Sydney
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee October 1, 2019 at 2:17 pm #Email Address
REPLY
Anthony The Koala October 2, 2019 at 7:41 am #
Dear Dr Jason,
I cannot find a systematic way to find a way for a machine learning algorithm to use it to compute a
deterministic equation such as y = f(x) where f(x) = x**2.
StartEssentially
I am still having trouble. I will be posting this on the page. Machine Learning
is (i) adding/dropping layers, (ii)
adjusting the number of epochs, (iii) adjusting the batch_size. But I haven’t come close yet.
Here is the program with most of the commented out lines deleted.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 176/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
11 fx = [x**2 for x in x]; # have a list of fx = x**2 = [0,1,4,9,16,25,...,9801]
12 fx = np.array(fx)
13
14 model = Sequential()
15 model.add(Dense(55, input_dim=1,activation='linear'))
16 model.add(Dense(34, activation='linear'))
17 model.add(Dense(21, activation='linear'))
18 model.add(Dense(13, activation='linear'))
19 model.add(Dense(1, activation='linear'))
20
21 model.compile(loss='mean_squared_error', optimizer='adam')
22
23 model.fit(x,fx,epochs=89, batch_size=144,verbose=0)
24
25 predictions = model.predict(x); #This seems to work instead of model.predict_classes
26
27 print("x, predicted, expected")
28 for i in range(6):
29 print('%s => %d (expected %d)' % (x[i],predictions[i],fx[i]))
Start Machine Learning ×
The output is:
You can master applied Machine Learning
1 x, predicted, expected
without math or fancy degrees.
2 0 => 29 (expected 0)
3 1 => 110 (expected 1) Find out how in this free and practical course.
4 2 => 191 (expected 4)
5 3 => 272 (expected 9)
6 4 => 353 (expected 16) Email Address
7 5 => 434 (expected 25)
Note the terms tn+1 – tn is 81 for all the predicted values in the machine learning model.
BUT we know that the difference between successive terms in y = f(x) is not the same.
For example, in non linear relation such as f(x) = x**2, f(x) = 0, 1, 2, 4, 9, 16, 25, 36, the difference
between the terms is: 1, 1, 2, 5, 7, 9, 11, that is tn+1 – tn != tn+2 – tn+1.
So still having trouble working out how to get a machine learning algorithm evaluate f(x) without the
formula.
REPLY
Jason Brownlee October 2, 2019 at 8:15 am #
18 # fit a model
19 model = Sequential()
20 model.add(Dense(10, input_dim=1, activation='relu'))
21 model.add(Dense(1))
22 model.compile(loss='mse', optimizer='adam')
23 model.fit(x, y, epochs=150, batch_size=10, verbose=0)
24 mse = model.evaluate(x, y, verbose=0)
25 print(mse)
26 # predict
27 yhat = model.predict(x)
28 # plot real vs predicted
29 pyplot.plot(x,y,label='y')
30 pyplot.plot(x,yhat,label='yhat')
31 pyplot.legend()
32 pyplot.show()
I guess you could also do an inverse_transform() on the predicted values to get back to original
units.
Start Machine Learning ×
You can master applied Machine Learning
Despite this, I will be studying the program and learn myself about (i) the MinMaxScaler and why we use
it, (ii) fit_transform(y) and (iii) one hidden layer of 10 neurons,
STARTand (iii) I will
MY EMAIL still have to learn about the
COURSE
choice of activation function and loss functions. The keras website has a section on loss functions at
https://keras.io/losses/ but having a look at the Python “IDLE” program, a look at from keras import
losses, there are many more loss functions which are necessary to compile a model.
In addition, the predicted values will have to be re-computed to its unscaled values. So I will also look up
‘rescaling’.
REPLY
Jason Brownlee October 2, 2019 at 10:10 am #
REPLY
Anthony The Koala October 3, 2019 at 6:26 am #
Dear Dr Jason,
I know how to use the inverse_transform function:
First apply the MinMaxScaler to scale to 0 to 1
1 x_s = MinMaxScaler()
2 x = x_s.fit_transform(x)
3 y_s = MinMaxScaler()
4 y = y_s.fit_transform(y)
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 178/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
1 x_original = x_s.inverse_transform(x); # where x was transformed/scaled
2 y_original = y_s.inverse_transform(y);# where y was transformed/scaled
x_s and y_s has the min and max values stored of the original pre-transformed data.
BUT how do you transform yhat to its original scale when it was not subject to the inverse_transform
function.
Thanks,
Anthony of Sydney NSW
REPLY
Jason Brownlee October 3, 2019 at 6:54 am #
Start Machine Learning
The model predicts scaled values, apply the inverse transform on yhat directly.
REPLY
Anthony The Koala October 3, 2019 at 2:39 pm #
Dear Dr Jason,
I did that apply the inverse transform of yhat directly, BUT GOT these
Cut down version of code
1 y_s = MinMaxScaler()
2 y = y_s.fit_transform(y); #y_s stores the min and max values according to the sklearn
3 #Note the above is for y. WE DON'T KNOW yhat(min
4
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 179/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
5
6 yhat = model.predict(x); #we have the scaled estimate.
7
8
9 x_original = x_s.inverse_transform(x); #this printed okay
10
11 #Printout of yhat transformed
12 #Calculate yhat scaled using the min and max values of f(x) = y
13
14 yhat_restored = y_s.inverse_transform(yhat)
15
16 #Print yhat
17 print(yhat_restored[0:10])
18 array([[6838.43],
19 [6838.43],
20 [6838.43],
21 [6838.43],
22 [6838.43],
23
24
[6838.43],
[6838.43], Start Machine Learning ×
25 [6838.43],
26 [6838.43], You can master applied Machine Learning
27 [6838.43]], dtype=float32)
without math or fancy degrees.
Findwhen
Don’t understand how to get an inverse transform of yhat out how in this
I don’t free the
know and‘untransformed’
practical course. value
because I have not estimated it.
REPLY
Jason Brownlee October 4, 2019 at 5:39 am #
REPLY
Anthony The Koala October 4, 2019 at 3:20 am #
Dear Dr Jason,
I tried it again to illustrate that despite the predicted fitting a parabola for scaled predicted and expected
values of f(x) the resulting values when ‘unscaled’ back to the original does seems quite absurd.
Code – relevant
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 180/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
1 5.472537487406726e-06
2 Printing the first 10, predicted, expected, and x
3 [1030.0833] [0.] [0.]
4 [1030.0833] [1.] [1.]
5 [1030.0833] [4.] [2.]
6 [1030.0833] [9.] [3.]
7 [1030.0833] [16.] [4.]
8 [1030.0833] [25.] [5.]
9 [1030.0833] [36.] [6.]
10 [1030.0833] [49.] [7.]
11 [1030.0833] [64.] [8.]
12 [1030.0833] [81.] [9.]
13
14
let's try some other arbitrary section, say 10:20
printing 10th to 20th, predicted, expected, and x Start Machine Learning ×
15 [1030.0833] [100.] [10.]
16 [1030.0833] [121.] [11.] You can master applied Machine Learning
17 [1030.0833] [144.] [12.] without math or fancy degrees.
18 [1030.0833] [169.] [13.]
19 [1030.0833] [196.] [14.] Find out how in this free and practical course.
20 [1030.0833] [225.] [15.]
21 [1030.0833] [256.] [16.]
22 [1030.0833] [289.] [17.] Email Address
23 [1030.0833] [324.] [18.]
24 [1030.0833] [361.] [19.]
START MY EMAIL COURSE
When I plotted (x, yhat) and (x,f(x)), the plot was as expected. BUT when I rescaled the yhat back, all the
values of unscaled yhat were 1030.0833 which is quite odd.
Why?
Thank you,
Anthony of Sydney NSW
REPLY
Anthony The Koala October 4, 2019 at 3:31 am #
Dear Dr Jason,
I printed the yhat, and they were all the same.
This is despite that the plot of the scaled values (x, yhat) looked like a parabola
Note: this is prior to scaling.
Start Machine Learning
1 # plot real vs predicted
2 pyplot.plot(x,y,label='y')
3 pyplot.plot(x,yhat,label='yhat')
4 pyplot.legend()
5 print("the graph is printed on another window")
6 pyplot.show()
7
8 print("Printing the output of the scaled values of yhat, f(x) and x")
9 print("printing the first 10")
10 for i in range(10):
11 print(yhat[i],y[i],x[i])
12 print("printing the 10th to 20th")
13 for i in range(10):
14 print(yhat[i+10],y[i+10],x[i+10])
Yet despite the expected plots of scaled values (x,yhat), and (x, y), yhat’s values are the same
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 181/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee October 4, 2019 at 5:49 am #
Sorry, I don’t have the capacity to debug your examples further. I hope that you can
understand.
REPLY
Anthony The Koala October 4, 2019 at 6:36 am #
Dear Dr Jason,
I asked the question at https://datascience.stackexchange.com/questions/61223/reconstituting-
estimated-predicted-values-to-original-scale-from-minmaxscaler and hope that there is an answer.
Thanks Start Machine Learning
Anthony Of Sydney
REPLY
Jason Brownlee October 4, 2019 at 8:35 am #
REPLY
Anthony The Koala October 4, 2019 at 9:59 am #
Dear Dr Jason,
I am coming to the conclusion that there must be a bug NOT in your solution and neither in my solution. I
think it is coming from a bug in the lower implementation of the language.
I printed the scaled version of yhat, f(x) actual and x and got this.
NOTE the values are the same for the scaled version of yhat.
That is:
Start Machine Learning
1 model.fit(x, y, epochs=277, batch_size=200, verbose=0)
2 mse = model.evaluate(x, y, verbose=0)
3 print("the value of the mse")
4 print(mse)
5 # predict
6 yhat = model.predict(x)
That is we would get a FLAT LINE if we plotted (x, yhat), BUT THE PLOT WAS A PARABOLA.
1 x = x_s.inverse_transform(x)
2 y = y_s.inverse_transform(y)
3 yhat = y_s.inverse_transform(yhat)
WE STILL GOT THE SAME FAULT FOR THE UNSCALED VALUES of yhat. The 2nd column is f(x) and
third column is x.
I don’t know if there are people at stackexchange who may have an insight.
Anthony of Sydney
REPLY
Jason Brownlee October 6, 2019 at 8:05 am #
I believe is correct, given that it is an exponential, the model has decided that it can give up
correctness at the low end for correctness at the high end – given the reduction in MSE.
Consider changing the number of examples from 1K to 100, then review all 100 values manually –
you’ll see what I mean. Start Machine Learning
REPLY
Anthony The Koala October 13, 2019 at 10:57 pm #
Dear Dr Jason,
I did this problem again and got very good results!
I cannot explain why I got accurate results, when I expected to get accurate results, BUT they
are certainly an improvement.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 184/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
It works, the rescaled yhat is as expected but cannot explain why it was “cuckoo”, in the
previous. More experimentation on this.
Nevertheless, my next project is k-folds sampling on a deterministic function to see if the gaps in
the resampled data fold will give us an accurate prediction despite the random sampling in each
fold.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 185/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Thank you,
Anthony of Sydney
REPLY
Anthony The Koala October 13, 2019 at 11:44 pm #
Dear Dr Jason,
Apologies, I thought the RMS was ‘unrealistic’. I had a programming error.
Nevertheless, I did it again, and still produced results which looked pleasing.
1 x = x.reshape((len(x),1))
2 y = y.reshape((len(y),1))
3 x_s = MinMaxScaler()
4 y_s = MinMaxScaler()
5 x_scaled = x_s.fit_transform(x) Start Machine Learning ×
6 y_scaled = y_s.fit_transform(y)
7 model = Sequential()
8 You can master applied Machine Learning
model.add(Dense(100,input_dim=1,activation='relu'))
9 model.add(Dense(1)) without math or fancy degrees.
10
Find out how in this free and practical course.
11 model.compile(loss='mse',optimizer='adam')
12 model.fit(x_scaled,y_scaled, epochs=100, batch_size=10,verbose=0)
13
14 Email Address
mse = model.evaluate(x_scaled, y_scaled,verbose=0)
15 mse
16 1.0475558547113905e-05
17 START MY EMAIL COURSE
18 yhat = model.predict(x_scaled)
19 yhat_original = y_s.inverse_transform(yhat)
20
21 #First five of yhat_original (yhat rescaled)
22 yhat_original[:5].T
23 array([[11.835742, 11.835742, 11.835742, 11.835742, 11.835742]]
24 #compared to first original 5 elements of y = 0,1,4,9,16
25
26 #Last five of yhat_original (yhat rescaled)
27 yhat_original[-5:].T
28 array([[8985.839, 9154.454, 9323.067, 9491.684, 9660.3 ]
29 #compared to last original 5 elements of y = 9025, 9216, 9409, 9604, 9801
30
31 #Now determine the RMS of the predicted and original values
32 cum_sum = 0
33 for i in range(len(yhat_original)):
34 cum_sum+= (y[i]-yhat_original[i])**2/len(yhat_original)
35 mse = sqrt(cum_sum)
36 mse
37 array([31.72189417])
38 pyplot.plot(x,y,label='y') Start Machine Learning
39 pyplot.plot(x,yhat_original,label='estimated')
40 pyplot.legend()
41 pyplot.show()
In sum, the rescaled yhat produced results closer to the original values. The lower values of
yhat rescaled appear to be odd.
Despite that the values need to be more realistic at the bottom end even though the plot of
the rescaled x & rescaled y, and rescaled x and rescaled yhat look close.
Next, to do k-folds sampling on a deterministic function to see if the gaps in the resampled
data fold will give us an accurate prediction despite the random sampling in each fold.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 186/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Anthony of Sydney
REPLY
Jason Brownlee October 14, 2019 at 8:08 am #
Well done.
Dear Dr Jason,
Start Machine Learning ×
A person ‘Serali’ a particle physicist relied to me at “StackExchange” replied and
suggested that I shuffle the original data.
You The shuffling
can master of data
applied in this Learning
Machine context has nothing
to do with the shuffling in k-folds. According
withouttomath
the contributor, the results should
or fancy degrees.
improve. Source https://datascience.stackexchange.com/questions/61223/reconstituting-
Find out how in this free and practical course.
estimated-predicted-values-to-original-scale-from-minmaxscaler
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 187/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
37 .......
38 yhat = model.predict(x_scaled)
39 yhat_original = y_s.inverse_transform(yhat)
The end code was ‘unshuffled’/sorted in order to display the difference between the
actual and predicted.
1 printing x, y, yhat
2 0 0 1.4915295839309692 START MY EMAIL COURSE
3 1 1 2.66086745262146
4 2 4 4.75526237487793
5 3 9 9.125076293945312
6 4 16 15.723174095153809
7 5 25 24.287418365478516
8 6 36 35.04938507080078
9 7 49 47.73912811279297
10 8 64 62.95930480957031
11 9 81 80.16889190673828
Things to improve:
* adjusting the number of layers.
* adjusting how many neurons in each layer
* adjusting the batch size
* adjusting the epoch size
In addition
* look at k-folds for further model refinement.
Start Machine Learning
Thank you
Anthony of Sydney
Dear Dr Jason,
Here is an even improved version with very close results.
Instead of MinMaxScaler, I took the logs (to the base e) of the inputs x and f(x) applied
my model, then retransformed my model to its original values.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 188/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
1 Email Address
#We need to resort the numbers
2 #in order to print the first 10 values
3 xy = np.vstack((x[:,0],y[:,0])).T
4 xyhat = np.vstack((x[:,0],yhat_original[:,0])).T
START MY EMAIL COURSE
5
6 xyy = np.sort(xy,axis=0)
7 xyhatt = np.sort(xyhat,axis=0)
8 print("printing x, y, yhat")
9 for loop in range(10):
10 print(xyy[loop,0],xyy[loop,1],xyhatt[loop,1])
11
12 #want to predict for the values 100 and 200
13 Xnew = np.reshape([100,200],(2,1))
14
15 print("let's predict for values 100 and 200")
16 print("the values of x = Xnew before transform %s, %s " % (Xnew[0],Xnew[
17
18 Xnew = np.log(Xnew+1)
19 print("values of scaled xnew to put into the model %s, %s " % (Xnew[0],X
20 ynew = model.predict(Xnew)
21
22 #Re-transform the original values
23 ynew = np.exp(ynew) - 1
24 print("The values of Xnew and its predicted yhat")
25 for loop in range(len(Xnew)):
Start Machine Learning
26 print("Xnew[%s] = %s, ynew[%s] = %s " % (loop,Xnew[loop],loop,yn
The resulting output: Note how close the actual f(x) is to the predicted f(x)
1 printing x, y, yhat
2 0 0 0.00208890438079834
3 1 1 0.9818048477172852
4 2 4 4.111057281494141
5 3 9 9.025933265686035
6 4 16 15.918327331542969
7 5 25 24.944564819335938
8 6 36 36.00426483154297
9 7 49 49.05435562133789
10 8 64 63.969764709472656
11 9 81 80.93276977539062
12
13 let's predict for values 100 and 200
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 189/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
14 the values of x = Xnew before transform [100], [200]
15 values of scaled xnew to put into the model [4.61512052], [5.30330491]
16
17 The values of Xnew and its predicted yhat
18 Xnew[0] = [100.], ynew[0] = [10008.037]
19 Xnew[1] = [200.], ynew[1] = [40082.062]
Nice work.
Sincerely.
REPLY
Jason Brownlee October 7, 2019 at 8:29 am #
No.
REPLY
keryums October 17, 2019 at 1:22 am #
Start Machine Learning
Hi Jason, is it not necessary to use the keras utilility ‘to_categorical’ to convert your y vector into
a matrix before fitting the model?
REPLY
Jason Brownlee October 17, 2019 at 6:37 am #
You can, or you can use the sklearn tools to do the same thing.
REPLY
Aquilla Setiawan Kanadi October 17, 2019 at 6:35 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 190/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hi Jason,
Thanks a lot for your tutorial about deep learning project, it really help me a lot in my journey to
learn machine learning.
I have a question about the data splitting in code above, how is the splitting work between data for
training and the data for validate the training data? I’ve tried to read your tutorial about the data splitting
but i have no ideas about the data splitting work above.
Thankyou,
Aquilla
We did not split the data, we fit and evaluated on one set. We did this for brevity.
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Love your work! October 17, 2019 at 11:43 am #
Email Address
Hi Jason,
Thanks again!
REPLY
Jason Brownlee October 17, 2019 at 1:50 pm #
Dear Jason. I am deeply grateful to this amazing work. Everything works well so far. King
Regards
REPLY
Jason Brownlee October 19, 2019 at 6:55 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 191/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
JAMES JONAH October 28, 2019 at 10:56 am #
Please i need help, which algorithms is the best in cyber threat detection and how to implement
it. thanks
REPLY
Jason Brownlee October 28, 2019 at 1:18 pm #
REPLY
shivan October 31, 2019 at 9:18 am #
REPLY
Jason Brownlee October 31, 2019 at 1:36 pm #
Then consider reviewing the literature to see what types of data prep and models other have
used for similar data.
REPLY
Nasir Shah October 30, 2019 at 7:27 am #
Sir. i am new to neural network. so from where i start it. or which tutorial i watch . i didn’t have
any idea about it.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 192/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
hima hansi November 3, 2019 at 1:35 pm #
hello sir, I’m new to this field. I’m going to develop monophonic musical instrument classification
system using python and Keras. sir,I want to find monophonic data set, how can I find it.
I try to get piano music from you tube and convert it to .waw file and splitting it. Is it a good or bad ? or an
other methods available to get free data set on the web.. give your suggestions please ??
REPLY
Jason Brownlee November 20, 2019 at 6:20 am #
Well done!
REPLY
Niall Xie November 26, 2019 at 8:26 am #
Hello, I just want to say that I am elated to use your tutorial. So, I am working on a group project
with my team and I used datasets representing heart disease, diabetes
Start Machine and breast cancer for this
Learning
tutorial. However, this code example will give an error when the cell contains a string value, in this
case… title names like clump_thickess and ? will produce an error. how do I fix this?
REPLY
Jason Brownlee November 26, 2019 at 1:28 pm #
Thanks.
Perhaps try encoding your categories using a one hot encoding first:
https://machinelearningmastery.com/how-to-prepare-categorical-data-for-deep-learning-in-python/
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 193/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Mohamed November 28, 2019 at 10:46 pm #
thank you sir for this article, would you please suggest an example with testing data ?
REPLY
Jason Brownlee November 29, 2019 at 6:49 am #
REPLY
Chris December 3, 2019 at 10:49 pm #
Start Machine Learning ×
I believe there is something wrong with the (150/10) 15 updates to the model weights. The
internal coefficients are updated after every single batch.
YouOur
can data is applied
master comprised of 768
Machine samples. Since
Learning
batch_size=10, we obtain 77 batches (76 with 10 samples andmath
without one or
with 8). Therefore,
fancy degrees. at each epoch we
should see 77 updates of weights and coefficients andFind
not out
15. how
Moreover, the and
in this free totalpractical
numbercourse.
of updates
must be: 150*77=11550. Am I missing something important?
Email Address
Really good job and very well-written article (all your articles). Keep up the good job. Cheers
REPLY
Jason Brownlee December 4, 2019 at 5:37 am #
REPLY
Justine December 14, 2019 at 9:58 am #
Thanks! This is my first foray into keras, and the tutorial went swimmingly. Am now training on
my own data. It is not performing worse than on my other machine learning models (that’s a win :).
REPLY
Jason Brownlee December 15, 2019 at 6:02 am #
Start Machine Learning
Well done!
REPLY
x December 17, 2019 at 8:37 am #
Hi,Jason. Thanks so much for your answer. Now my question is why I can’t found my directory
in Jupyter and put the ‘pima-indians-diabetes.csv’ in it.
OSError Traceback (most recent call last)
in
4 from keras.layers import Dense
5 # load the dataset
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 194/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee December 17, 2019 at 1:36 pm #
Perhaps try running the code file from the command line, as follows:
https://machinelearningmastery.com/faq/single-faq/how-do-i-run-a-script-from-the-command-line
REPLY
Manohar Nookala December 22, 2019 at 9:32 pm #
Start Machine Learning
Hi sir,
My name is manohar. i trained a deep learning model on car price prediction. i got
loss: nan – acc: 0.0000e+00. if you give me your email ID then i will send you. you can tell me the
problem. please do this help because i am a beginner.
REPLY
Jason Brownlee December 23, 2019 at 6:48 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 195/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Shone Xu January 5, 2020 at 1:24 am #
Hi Jason,
thanks and it is a great tutorial. just 1 question. do we have to train the model by “model.fit(x, y,
epochs=150, batch_size=10)” every time before making the prediction because it takes a very long time
to train the model. I am just wondering whether it is possible to save the trained model and go straight to
the prediction skipping the model.fit (eg: pickle)?
REPLY
Shone Xu January 7, 2020 at 2:16 pm #
REPLY
ustengg January 8, 2020 at 7:40 pm #
Thank you so much for this tutorial sir but How can I use the model to predict using data outside
the dataset?
REPLY
Jason Brownlee January 9, 2020 at 7:24 am #
REPLY
ustengg January 9, 2020 at 4:07 pm #
Nice! Thank you so much, Sir. I figured it out using the link on the “Make predictions”
section. I’ve learned a lot from your tutorials. You’re the best!
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 196/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee January 10, 2020 at 7:22 am #
Nice work!
Thanks.
REPLY
monica January 23, 2020 at 4:00 am #
Hi Jason,
it gives me an error: TypeError: ‘(slice(None, None, None), slice(0, 8, None))’ is an invalid key
Email Address
how can I fix it?
Thanks,
START MY EMAIL COURSE
monica
REPLY
Jason Brownlee January 23, 2020 at 6:41 am #
REPLY
Sam Sarjant January 23, 2020 at 9:11 pm #
Thanks for the tutorial! This is a wonderful ‘Hello World’ to Deep Learning
Start Machine Learning
REPLY
Jason Brownlee January 24, 2020 at 7:51 am #
REPLY
Keerthan January 24, 2020 at 4:01 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 197/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
gradient descent method,can you help me out with the code a little bit?
REPLY
Jason Brownlee January 25, 2020 at 8:31 am #
REPLY
Shakir January 25, 2020 at 1:29 am #
Dear Sir
I want to predict air pollution using deep learning techniques please suggest how to go about with my
data sets Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course. REPLY
Jason Brownlee January 25, 2020 at 8:39 am #
REPLY
Yared February 7, 2020 at 4:36 pm #
REPLY
Jason Brownlee February 8, 2020 at 7:05 am #
REPLY
Yared February 7, 2020 at 4:41 pm # Start Machine Learning
I went to detect agreement errors in a sentence using LSTM techniques please suggest how to
go about with my data sets
REPLY
Jason Brownlee February 8, 2020 at 7:05 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 198/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hello Jason
I am using this code for my project. It works perfectly for your dataset. But I have a dataset which has too
many 0’s and 1’s. So I am getting the wrong prediction. What can I do to solve this problem?
REPLY
Jason Brownlee March 1, 2020 at 5:22 am #
Email Address
REPLY
kiki March 6, 2020 at 6:44 pm #
START MY EMAIL COURSE
I have already tried this step and stuck at the fit phase and got this error. Do you have any
solution for my problem?
—————————————————————————
ValueError Traceback (most recent call last)
in
1 # fit the keras model on the dataset
—-> 2 model.fit(x, y, batch_size=10,epochs=150)
~\Anaconda4\lib\site-packages\keras\engine\training.py in _standardize_user_data(self, x, y,
sample_weight, class_weight, check_array_lengths, batch_size)
577 feed_input_shapes,
578 check_batch_axis=False, # Don’t enforce the batch size.
–> 579 exception_prefix=’input’)
580
581 if y is not None:
~\Anaconda4\lib\site-packages\keras\engine\training_utils.py in standardize_input_data(data,
names, shapes, check_batch_axis, exception_prefix)
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 199/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
ValueError: Error when checking input: expected dense_133_input to have shape (16,) but got array
with shape (17,)
REPLY
Jason Brownlee March 7, 2020 at 7:15 am #
Perhaps this will help you copy the code from the tutorial:
Start Machine Learning
https://machinelearningmastery.com/faq/single-faq/how-do-i-copy-code-from-a-tutorial ×
You can master applied Machine Learning
without math or fancy degrees.
Jason Brownlee March 7, 2020 at 7:13 am #Find out how in this free and practical course. REPLY
REPLY
kiki March 9, 2020 at 12:18 pm #
REPLY
Jason Brownlee March 10, 2020 at 5:34 am #
You’re welcome.
REPLY
laz March 7, 2020 at 2:59 pm # Start Machine Learning
Hey, Jason!
Again… Thanks for your awesome tutorials and for giving your knowledge to the public! >800 comments
and nearly all answered, you’re great. I can’t understand how you manage all that, writing great content,
do ml stuff, teach, learn, great respect!
2 general questions:
Question(1):
Why and when do we need to flatten() inputs and in which cases not?
For example 4 numeric inputs, a lag of 2 of every input means 4*2=8 values per batch:
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 200/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I always do this, no matter how many inputs or lags, i give that as flat array to the input:
Question(2):
Are you still using Theano? As they do not update it, it becomes older, but not worse ;). I tried Tensorflow
a lot – but always with lower performance in terms of speed. Theano is much faster (factor 3-10) for me.
But using more than 1 core is always slower for me, in both theano and tf. Did you experienced similar
things? I also tried torch, nice but it was also slower as the good old theano. Any ideas or alternatives (i
can’t use gpu/external/aws)?
Start Machine Learning ×
I would be happy to see you doing some deep reinforcement learning (DRL) stuff, what do you think?
You can master applied Machine Learning
Are you?
without math or fancy degrees.
Regards, keep it up Find out how in this free and practical course.
Email Address
REPLY
Jason Brownlee March 8, 2020 at 6:07 am #
START MY EMAIL COURSE
You need to flatten when the output shape of one layer does not match the input shape of
another, e.g. CNN output to a Dense.
No. I use and recommend tensorflow and have for years. Tensorflow used to not work for windows
users, so I recommend theano for them – and still do if they have trouble. Theano works fine and will
continue to work fine for most applications.
REPLY
laz March 8, 2020 at 11:29 am #
Thanks. The question about the “flatten” operation was not about the flatten() between layers, it was
about how to present inputs to the input layer. Sorry for being vague. Maybe I misunderstood something,
are there use cases where the FEATURES/INPUTS/LAGS are not flattened?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 201/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I started experimenting with a simple DQN, I expanded it step by step and now I have a “Dueling Double
DQN”. It learns well and quick. I admit – on simple data. But it does it repeatable and reproducible! So i
would say: In general, it works.
I have to see how it works with more complicated data. That is why I emphasized that the performance
of this method strongly depends on the area of application.
But there is a huge problem, most public sources contain incorrect code or incorrect implementations. I
have never reported or found so many bugs on any subject. These errors are copied again and again
and in the end many think that they are correct. I have collected tons of links and pdf files to understand
and debug this beast.
No matter, you have to decide for yourself. If you want to take a look at it, take a simple example, even
Start Machine Learning ×
the DQN (without dueling or double) is able to learn – if the code is correct. And although I’m not a
mathematician: to understand how it works and what possibilities it offers
You can master – made
applied meLearning
Machine smile …
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee March 9, 2020 at 7:14 am # Email Address
I don’t yet see an ROI for “developers at work” in covering RL as described in the link.
REPLY
laz March 8, 2020 at 10:44 pm #
Interesting read:
“We use a double deep Q-learning network (DDQN) to find the right material type and the optimal
geometrical design for metasurface holograms to reach high efficiency. The DDQN acts like an intelligent
sweep and could identify the optimal results in ~5.7 billion states after only 2169 steps. The optimal
results were found between 23 different material types and various geometrical properties for a three-
layer structure. The computed transmission efficiency was 32% for high-quality metasurface holograms;
this is two times bigger than the previously reported results
Start under the Learning
Machine same conditions.”
https://www.nature.com/articles/s41598-019-47154-z
REPLY
Jason Brownlee March 9, 2020 at 7:16 am #
REPLY
YzN March 11, 2020 at 4:01 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 202/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee March 11, 2020 at 5:29 am #
Thanks.
Well done!
REPLY
Neha March 14, 2020 at 12:05 am #
Start Machine Learning ×
Hello Jason,
I have a quick question. You can master applied Machine Learning
I am trying to build just 1 sigmoid neuron for a binary classification
without mathtask, basically
or fancy I am implying this is
degrees.
how 1 sigmoid model is: Find out how in this free and practical course.
model = Sequential()
model.add(Dense(1, activation=’sigmoid’)) Email Address
train_generator = train_datagen.flow_from_directory(train_data_dir,
target_size=(39, 39),
batch_size=batch_size)
class_mode=’binary’)
But somehow Dense layer cannot accept input shape (39, 39, 3).
REPLY
Jason Brownlee March 14, 2020 at 8:13 am #
REPLY
Bertrand Bru March 29, 2020 at 12:38 am #
Hi Jason,
I am new in the world of deep leraning. I have been able to modify your code and make it work for a set
of data I recorded with a 3 axis accelerometer. My goal was to detect if I was walking or running. I
recorded around 50 trials of each activities. From the signal, I calculated specific parameters that enable
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 203/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
the code to differenciate the two activities. Amongst the parameters, I calculated for all axis, the mean,
min and max values, and some parameters in the domain frequencies (the 3 first peak of the power
spectrum and their respective position).
I then decided to add a thrid activities: standing. I also recorded 50 trials of this activity. If I train my
model with standing and running, I can identify the two activity. Same if I train it with standing and
walking or with walking and running.
It is more complicated if I train my model with the three activities. In fact, it can’t do it. It can only
recgonise the first two activities. So for example if standing, walking and running have the following ID: 0,
1 and 2, then it can only detect 0 and 1 (standing and walking). It thinks that all running trials are walking
trials. If standing, running and walinking have the following ID: 0, 1 and 2, then it can only detect 0 and 1
(standing and running). It thinks that all walking trials are running trials.
Start Machine Learning ×
So here is my question: Assuming you have the dataset, if you needed to adapt your code so it can
detect if people are 0: not diabetic, 1: people are diabetic
You type 1, and applied
can master 2: people are diabetic
Machine type 2, how
Learning
would you modify your script? without math or fancy degrees.
Find out how in this free and practical course.
Thank you very much for your help.
Email Address
REPLY
Jason Brownlee March 29, 2020 at 6:00 am #
START MY EMAIL COURSE
You’re welcome.
Well done.
REPLY
Bertrand Bru March 29, 2020 at 7:15 am #
REPLY
Jason Brownlee March 30, 2020 at 5:27 am #
You’re welcome.
REPLY
Dipak Kambale March 31, 2020 at 10:16 pm #
Hi Jason,
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 204/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee April 1, 2020 at 5:49 am #
REPLY
islamuddin April 1, 2020 at 6:20 pm #
#model = Sequential()
model = Sequential()
#model.add(Dense(25, input_dim=8, init=’uniform’, activation=’relu’))
model.add(Dense(30, input_dim=8, activation=’relu’))
model.add(Dense(95, activation=’relu’))
model.add(Dense(377, activation=’relu’))
model.add(Dense(233, activation=’relu’))
model.add(Dense(55, activation=’relu’))
model.add(Dense(1, activation=’sigmoid’))
output
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 205/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee April 2, 2020 at 5:46 am #
REPLY
M Husnain Ali Nasir April 3, 2020 at 2:55 am #
I AM HAVIN THE ABOVE ERROR WHILE RUNNING IT PLEaSE HELP. I am using Anaconda 3 , Python
3.7 , tensorflow ,keras
REPLY
Jason Brownlee April 3, 2020 at 6:57 am #
REPLY
Madhawa Akalanka April 9, 2020 at 6:22 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 206/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee April 10, 2020 at 8:25 am #
REPLY
Jason Brownlee April 14, 2020 at 6:25 am #
You’re welcome.
REPLY
MattGurney April 16, 2020 at 10:52 pm #
REPLY
Jason Brownlee April 17, 2020 at 6:21 am #
Thanks! Fixed.
REPLY
MattGurney April 16, 2020 at 11:28 pm #
Using the latest libraries today I get a number of warnings due to latest numpy: 1.18.1 not being
compatible with latest TensorFlow: 1.13.1.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 207/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
i.e:
FutureWarning: Passing (type, 1) or ‘1type’ … (6 times)
to_int32 (from tensorflow.python.ops.math_ops) is deprecated
Options are to revert to an older numpy or suppress the warnings, I took the suppress route with this
code:
import tensorflow
REPLY
Jason Brownlee April 17, 2020 at 6:21 am #
REPLY
MattGurney April 17, 2020 at 12:18 pm #
Yes, upgrading to tensorFlow 2.1 fixed it, I have now removed my warnings
suppression and I don’t see the warnings in the output
REPLY
Jason Brownlee April 17, 2020 at 1:31 pm #
Well done!
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 208/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
meryem April 17, 2020 at 1:25 am #
Thank you Jason for the tutoriel.I applied your example to mine by adding dropout and
standarisation of X
X = dataset[:, 0:7]
y = dataset[:, 7]
shows me an accuracy of 100 which is not normal. to adjust my model, what should I do?
REPLY
Jason Brownlee April 17, 2020 at 6:22 am #
Well done!
yes i followed your example using k-flod cross validation it gives me always 100%
seed = 4
numpy.random.seed(seed)
dataset = loadtxt(‘data.csv’, delimiter=’,’)
X = dataset[:, 0:7]
Y = dataset[:, 7]
from sklearn.preprocessing import StandardScaler
sc = StandardScaler()
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 209/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
X = sc.fit_transform(X)
kfold = StratifiedKFold(n_splits=5, shuffle=True, random_state=seed)
cvscores = []
for train, test in kfold.split(X,Y):
model = Sequential()
model.add(Dense(12, input_dim=7, activation=”relu”))
model.add(Dropout(rate=0.2))
model.add(Dense(6, activation=”relu”))
model.add(Dropout(rate=0.2))
model.add(Dense(1, activation=”sigmoid”))
model.compile(loss=’binary_crossentropy’, optimizer=’adam’, metrics=[‘accuracy’])
model.fit(X[train], Y[train], epochs=20, batch_size=10, verbose=1)
scores = model.evaluate(X[test], Y[test], verbose=0)
Start Machine Learning
print(“%s: %.2f%%” % (model.metrics_names[1], scores[1]*100)) ×
cvscores.append(scores[1] * 100)
print(“%.2f%% (+/- %.2f%%)” % (numpy.mean(cvscores), You numpy.std(cvscores)))
can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee April 17, 2020 at 7:48 am # Email Address
REPLY
meryem April 17, 2020 at 8:08 am #
REPLY
Jason Brownlee April 17, 2020 at 1:28 pm #
Perhaps.
Sir Jason you are awesome! Such a nice and easy to comprehend the tutorial. Great Work!
REPLY
Jason Brownlee April 18, 2020 at 5:57 am #
Thanks!
REPLY
Joan Estrada April 19, 2020 at 3:51 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 210/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
“Note, the most confusing thing here is that the shape of the input to the model is defined as an
argument on the first hidden layer. This means that the line of code that adds the first Dense
layer is doing 2 things, defining the input or visible layer and the first hidden layer.”
REPLY
Jason Brownlee April 19, 2020 at 6:02 am #
Email Address
REPLY
Jason Brownlee April 19, 2020 at 1:14 pm #
START MY EMAIL COURSE
REPLY
Rahim April 22, 2020 at 5:56 am #
Dear Jason
Thanks for this interesting code. I tested this code on pima-indians-diabetes in my computer with keras
2.3.1 but strangely I got the accuracy of 52%. I wonder why there is this much difference between your
accuracy (76%) and mine (52%).
REPLY
Jason Brownlee April 22, 2020 at 6:10 am #
Start Machine Learning
You’re welcome.
REPLY
Sarmad April 24, 2020 at 8:04 pm #
want to ask: in the first layer(a hidden layer) as we defined input_dim=8 w.r.t features we have
right. and we specify neurons = 12. but concerned is that a thing i studied is that we specify neurons w.r.t
to inputs(features) . Means if we have 8 inputs so neurons will also be 8. but you specified as 12. Why?
2) In any of problem we have to specified a neural network right. it can be any eg: convolutional,
recurrent etc. so which neural network we have choose here. and where?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 211/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee April 25, 2020 at 6:44 am #
The first line of the model defines 2 things, the input or visible layer (8) and the first hidden
layer (12). More here:
https://machinelearningmastery.com/faq/single-faq/how-do-you-define-the-input-layer-in-keras
These two things can have different values, they are not directly related.
REPLY
Sarmad April 26, 2020 at 7:44 pm # Email Address
sir still confuse that as in ML algorithm we specify which algorithm to implement wrt to
scenario like for regression we can choose linear START MY EMAIL
regression COURSE
, logistic regression etc.
now at this time what neural net we have chosen? convoltiona, rntn etc?
REPLY
Jason Brownlee April 27, 2020 at 5:33 am #
REPLY
Sarmad April 24, 2020 at 8:31 pm #
Start Machine Learning
where are the weights, bias and input values?
REPLY
Jason Brownlee April 25, 2020 at 6:46 am #
REPLY
mouna April 26, 2020 at 8:51 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 212/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Hello Jason,
REPLY
Jason Brownlee April 27, 2020 at 5:34 am #
You could extrapolate the time of one epoch to the number of epochs you want to train.
REPLY
Jason Chia April 28, 2020 at 2:41 pm #
Start Machine Learning ×
Hi Jason,
I am very new to deep learning. I understand that you You do model.fit to applied
can master fit the data and model.predict
Machine Learning to
predict the values of the class variable y. However, is itwithout
also possible
math ortofancy
extract the parameter estimate
degrees.
and derive f(X) = y (similar to regression)? Find out how in this free and practical course.
Email Address
REPLY
Jason Brownlee April 29, 2020 at 6:15 am #
START MY EMAIL COURSE
Perhaps for small models, but it would be a mess with thousands of coefficients. The model
is complex circuit.
REPLY
Dina April 28, 2020 at 4:34 pm #
REPLY
Dina April 28, 2020 at 4:39 pm #
If I use keras model to predict price/range of value, it is possible for me to find the accuracy
of keras model?because in your article only to predict the binary output
Start Machine Learning
REPLY
Jason Brownlee April 29, 2020 at 6:19 am #
REPLY
Jason Brownlee April 29, 2020 at 6:17 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 213/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Hume May 5, 2020 at 10:54 am #
thank you for your explanation, i am a beginner for machine learning as well as python.woluld
you please help me in getting the exact CSV data file for predicting the Hepatitis B virus.
REPLY
Jason Brownlee May 5, 2020 at 1:37 pm #
REPLY
Jason Brownlee May 13, 2020 at 6:21 am #
Well done!
REPLY
MAHESH MADHUSHAN May 24, 2020 at 11:29 am #
Why didn’t you normalize data? Is not that necessary ? I have seen on some tutorials, they
normalize data for common scale using as –>from sklearn.preprocessing import StandardScaler . What
is the difference that method and your method?
REPLY
Jason Brownlee May 25, 2020 at 5:43 am #
It can help for some algorithms to normalize or standardize the data input data. Perhaps try
it and see.
REPLY
Henry Levkine May 26, 2020 at 7:49 am #
Jason,
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 214/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
I am sure your future book “Hello Deep Learning” will be the most popular on the market.
helloClassification.py
helloRegression.py
helloHelloPrediction.py
helloDogsCats.py
helloFaces.py
and so on!
You can find all of these on the blog, use the search.
Email Address
Hello,
is there a possibility to access the accuracy of the last epoch? If yes, how can i access this and save it?
Kind regards
REPLY
Jason Brownlee June 12, 2020 at 6:14 am #
Yes, the history object contains the scores calculated on each epoch:
https://machinelearningmastery.com/display-deep-learning-model-training-history-in-keras/
Accuracy: 82.42
epochs=1500
batch_size=1
REPLY
Jason Brownlee June 16, 2020 at 1:39 pm #
Well done!
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 215/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Saad June 19, 2020 at 9:20 pm #
Hi Jason,
Why were 12 neurons used in the first hidden layer, what is the criteria behind it? Is it random or there is
an underlying reason/calculation?
(I presumed that the number of neurons in a hidden layer would always be between the number of inputs
and the number of outputs)
REPLY
Paras Memon July 30, 2020 at 9:05 am #
Hello Jason,
I am getting this error: ValueError: Error when checking input: expected dense_20_input to have 2
dimensions, but got array with shape (320, 56, 6251)
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 216/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee July 30, 2020 at 1:44 pm #
A MLP must take 2d data as input (rows and columns) and 1d data as output during
training.
Email Address
REPLY
Jason Brownlee August 12, 2020 at 6:11 am #
START MY EMAIL COURSE
Thanks!
REPLY
Luis Cordero August 20, 2020 at 12:05 pm #
Hello, if I have a prediction problem, it is absolutely necessary to scale the input variables to
use the sigmoid or relu activation functions or the one you decide to use?
REPLY
Jason Brownlee August 20, 2020 at 1:37 pm #
REPLY
Luis Cordero August 20, 2020 at 1:15 pm #
how I can create a configuration that has more than one output, i.e. the output layer has 2 or
more values
REPLY
Jason Brownlee August 20, 2020 at 1:39 pm #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 217/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Yes, just specify the number of targets in the output layer and prepare your training data accordingly.
I have a tutorial on exactly this written and scheduled – for next week I think.
REPLY
Luis Cordero September 1, 2020 at 4:29 pm #
REPLY
Jason Brownlee September 2, 2020 at 6:24 am #
Right here:
Start Machine Learning ×
https://machinelearningmastery.com/deep-learning-models-for-multi-output-regression/
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Simon Suarez August 30, 2020 at 8:27 am #
Email Address
Hi Jason.
I thank you for the great quality of this article. I am experienced with Machine Learning using Scikit-
START MY EMAIL COURSE
Learn, and reading this post (and some of your previous on the topic) helped me a lot to get into making
Multilayer Perceptrons.
I tested the knowledge I learned here with the Wisconsin Diagnostic Breast Cancer (WDBC) dataset. I
got around 92.965% Accuracy for train and 96.491% for test, only using 3 features (radius, texture,
smoothness) and the following topology:
• Epochs = 250
• Batch_size = 60
• Función de activación = ReLu
• Optimizador = ‘Nadam’
REPLY
Jason Brownlee August 31, 2020 at 5:58 am #
Thanks.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 218/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Berns Buenaobra September 7, 2020 at 7:32 am #
REPLY
Jason Brownlee September 7, 2020 at 8:36 am #
Well done!
REPLY
Berns Buenaobra September 7, 2020 at 7:37 am #
Hi janson how can predict image forgery and genuine using pretrained deep-learning model
START MY EMAIL COURSE
REPLY
Jason Brownlee September 9, 2020 at 6:44 am #
Perhaps prepare a dataset of real and fake images and train a binary classification model to
differentiate the two.
REPLY
Fatma Zohra September 11, 2020 at 2:30 am #
Start Machine Learning
Hello Jason ,
Can you please guide me how to make a query and a document as an input in our NN (knowing that
they both are represented by frequency vectors ) ?
REPLY
Jason Brownlee September 11, 2020 at 6:01 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 219/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
fatma zohra September 13, 2020 at 2:41 am #
Hi Dr Jason,
Thanks a lot for the reply , the link was useful for me ,
yet i’am still lost a bit since i’am new dealing with NN, actualy i want to calculate the similarity between
the query and the doc using the NN , the inputs are (the TF vector of the doc and TF vector of the query ,
and the output is the similarity (0 if no , 1 if yes ) , i have the idea of my NN but i don’t know from where
to start…
i would be gratful if you could help me (a similar code that i can take as exemple maybe ),
Email Address
REPLY
fatma zohra September 13, 2020 at 6:38 am #
START MY EMAIL COURSE
yeah , this is what i was asking for , anyways thanks a lot for your tutorials they are very
clear and fruitful..
REPLY
Jason Brownlee September 13, 2020 at 8:28 am #
You’re welcome.
REPLY
yibrah fisseha September 22, 2020 at 11:41 pm #
I would like to thank you a lot for your tutorials. can you please guide me on how to evaluate the
model using confusion matrix parameters such as recall, precision, f1 score?
Start Machine Learning
REPLY
Jason Brownlee September 23, 2020 at 6:40 am #
REPLY
derya September 23, 2020 at 5:03 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 220/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee September 23, 2020 at 6:44 am #
Thanks!
REPLY
Sean H. Kelley September 23, 2020 at 6:38 am #
Can you store a snapshot of that “state of mind” somewhere so that when you have a good working
Email Address
model, you just use that to run new data against or am I still missing some key elements in my
attempting to grasp this?
START MY EMAIL COURSE
Thank you!
REPLY
Jason Brownlee September 23, 2020 at 6:46 am #
You can save your model and load it later to make predictions, see this tutorial:
https://machinelearningmastery.com/save-load-machine-learning-models-python-scikit-learn/
REPLY
Sean H. Kelley September 24, 2020 at 12:53 am #
REPLY
Jason Brownlee September 24, 2020 at 6:16 am #
You’re welcome.
REPLY
Muhammad Asad Arshed October 10, 2020 at 12:34 am #
Awesome blog and technical skill would you like to refer me to some other blogs.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 221/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee October 10, 2020 at 7:06 am #
Thanks!
REPLY
Brijesh October 10, 2020 at 5:57 pm #
Hi
REPLY
Jason Brownlee October 18, 2020 at 6:12 am #
Well done!
REPLY
YAŞAR SAİD DERDİMAN December 27, 2020 at 4:12 pm #
this is good but probably, your model’s generalization error is higher. Because more epoch
means more overfitting, Therefore you should use less epoch for any deep learning training.
Good advice.
REPLY
imene October 18, 2020 at 4:59 am #
REPLY
Jason Brownlee October 18, 2020 at 6:12 am #
REPLY
Fatima October 24, 2020 at 5:18 am #
Hi Jason, I applied the Deep Neural Network algorithm(DNN) to do the prediction, It works and
it is perfect, I have a problem in evaluating the predicted results I used (metrics.confusion_matrix), It
gave me this error: Start Machine Learning ×
ValueError: Classification metrics can’t handle a mix of binary and continuous targets
You can master applied Machine Learning
any suggestions to solve the error?
without math or fancy degrees.
note: my class label (outcome variable) is binary (0,1)
Find out how in this free and practical course.
Thanks in advanced
Email Address
Jason Brownlee October 24, 2020 at 7:12 am #START MY EMAIL COURSE REPLY
REPLY
K Al October 27, 2020 at 2:53 am #
First of all, please allow me to thank you for this great tutorial and for your valuable time.
I wonder: you trained and evaluated the network on the same data set. Why did not it generate a 100%
accuracy then?
Thanks
REPLY
Jason Brownlee October 27, 2020 at 6:46 am #
If we get perfect skill/100% accuracy then the problem is likely too simple and machine learning is
not required:
https://machinelearningmastery.com/faq/single-faq/what-does-it-mean-if-i-have-0-error-or-100-
accuracy
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 223/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Zuzana November 1, 2020 at 11:15 pm #
Hi, great tutorial, everything works, except when trying to add predictions, I get the following
error message. Could you please, help? Thanks a lot.
WARNING:tensorflow:From C:/Users/ZuzanaŠútová/Desktop/RTP
new/3_training_deep_learning/data_PDS/keras_first_network_including_predictions.py:27:
Sequential.predict_classes (from tensorflow.python.keras.engine.sequential) is deprecated and will be
removed after 2021-01-01.
Instructions for updating:
Please use instead:* np.argmax(model.predict(x), axis=-1), if your model does multi-class
classification (e.g. if it uses a softmax last-layer activation).* (model.predict(x) >
0.5).astype("int32"), if your model does binary classification (e.g. if it uses a sigmoid last-layer
activation). Start Machine Learning ×
Warning (from warnings module): You can master applied Machine Learning
File “C:\Users\ZuzanaŠútová\AppData\Roaming\Python\Python38\site-
without math or fancy degrees.
packages\tensorflow\python\keras\engine\sequential.py”,
Findline
out 457
how in this free and practical course.
return (proba > 0.5).astype(‘int32’)
RuntimeWarning: invalid value encountered in greater
Email Address
Traceback (most recent call last):
File “C:\Users\ZuzanaŠútová\AppData\Local\Programs\Python\Python38\lib\site-
packages\pandas\core\indexes\base.py”, line 2895, in get_loc
START MY EMAIL COURSE
return self._engine.get_loc(casted_key)
File “pandas\_libs\index.pyx”, line 70, in pandas._libs.index.IndexEngine.get_loc
File “pandas\_libs\index.pyx”, line 101, in pandas._libs.index.IndexEngine.get_loc
File “pandas\_libs\hashtable_class_helper.pxi”, line 1032, in
pandas._libs.hashtable.Int64HashTable.get_item
File “pandas\_libs\hashtable_class_helper.pxi”, line 1039, in
pandas._libs.hashtable.Int64HashTable.get_item
KeyError: 0
The above exception was the direct cause of the following exception:
REPLY
Jason Brownlee November 2, 2020 at 6:40 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 224/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Zuzana November 2, 2020 at 6:50 am #
REPLY
Julian A Epps November 3, 2020 at 7:58 am #
Start
Where can I find documentation on these keras Machine
functions Learning
that you are using. I don’t know how
×
any of these functions work.
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
REPLY
Jason Brownlee November 3, 2020 at 10:08 am #
Email Address
Good question, here:
https://keras.io/api/
START MY EMAIL COURSE
REPLY
Umair Rasool November 8, 2020 at 4:42 am #
Hello Sir, i am not actually familiar with ML so someone doing my task for prediction using
raster dataset with python. He just giving final results and CSV file rather than final prediction map as
raster, Could you please guide me ML works like this or he is missing something to generate final map.
Please Response. Thanks
REPLY
Umair Rasool November 8, 2020 at 4:44 am #
REPLY
Jason Brownlee November 8, 2020 at 6:42 am #
REPLY
Halil November 27, 2020 at 6:09 am #
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 225/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
Thank you for this brilliantly explained tutorial ! Actually, I am bored of watching videos which have lots of
boring talks and superficial explanations. I discovered my main resource now
REPLY
Jason Brownlee November 27, 2020 at 6:44 am #
You’re welcome.
Email Address
REPLY
RAJSHREE SRIVASTAVA November 28, 2020 at 4:05 am #
START MY EMAIL COURSE
Hi jason,
Hope you are doing well. I am working on ANN for image classification in google colab. I am getting this
error , can you help me to find solution for this?
REPLY
Jason Brownlee November 28, 2020 at 6:41 am #
Start Machine Learning
Sorry, I don’t know about colab:
https://machinelearningmastery.com/faq/single-faq/do-code-examples-run-on-google-colab
REPLY
RAJSHREE SRIVASTAVA November 28, 2020 at 8:14 pm #
ok in python I am working on ANN for image classification . I am getting this error , can you help me to
find solution for this?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 226/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee November 29, 2020 at 8:12 am #
Sorry, the cause of the error is not clear, you may need to debug your model.
Thanks a million, it helped me a lot. Actually, all of your articles are informative and goog guide
for me. Email Address
REPLY
Jason Brownlee December 17, 2020 at 12:59 pm #
REPLY
John Smith December 28, 2020 at 7:58 am #
This was a brilliant tutorial I think what could be done to improve this is adding an example of
actual predictions.
The prediction bit is quite brief I don’t quite have an understanding how to use that array of “predictions”
to actually predict something.
Like if I wanted to feed it some test data and get a prediction how could I do that?
Start Machine Learning
I will consult some of your other helpful guides but would be great to have it all in this 1 tutorial.
REPLY
John Smith December 28, 2020 at 8:07 am #
I see now we are passing the original variables back into the model and predicting and printing out
the predication vs actual.
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 227/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
REPLY
Jason Brownlee December 28, 2020 at 8:19 am #
No problem at all!
I’m happy it helped you kick start your journey with deep learning.
Leave a Reply
Start Machine Learning ×
You can master applied Machine Learning
without math or fancy degrees.
Find out how in this free and practical course.
Email Address
Website
SUBMIT COMMENT
Welcome!
I'm Jason Brownlee PhD
Start Machine
and I help developers get results with machine learning. Learning
Read more
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 228/229
1/2/2021 Your First Deep Learning Project in Python with Keras Step-By-Step
How to Grid Search Hyperparameters for Deep Learning Models in Python With Keras
Email Address
Loving the Tutorials?
https://machinelearningmastery.com/tutorial-first-neural-network-python-keras/ 229/229