Image Classification

In this project, you'll classify images from the CIFAR-10 dataset. The dataset consists of airplanes, dogs, cats, and other objects. You'll preprocess the images, then train a convolutional neural network on all the samples. The images need to be normalized and the labels need to be one-hot encoded. You'll get to apply what you learned and build a convolutional, max pooling, dropout, and fully connected layers. At the end, you'll get to see your neural network's predictions on the sample images.

Get the Data

Run the following cell to download the CIFAR-10 dataset for python.


In [1]:
"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
from urllib.request import urlretrieve
from os.path import isfile, isdir
from tqdm import tqdm
import problem_unittests as tests
import tarfile

cifar10_dataset_folder_path = 'cifar-10-batches-py'

class DLProgress(tqdm):
    last_block = 0

    def hook(self, block_num=1, block_size=1, total_size=None):
        self.total = total_size
        self.update((block_num - self.last_block) * block_size)
        self.last_block = block_num

if not isfile('cifar-10-python.tar.gz'):
    with DLProgress(unit='B', unit_scale=True, miniters=1, desc='CIFAR-10 Dataset') as pbar:
        urlretrieve(
            'https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz',
            'cifar-10-python.tar.gz',
            pbar.hook)

if not isdir(cifar10_dataset_folder_path):
    with tarfile.open('cifar-10-python.tar.gz') as tar:
        tar.extractall()
        tar.close()


tests.test_folder_path(cifar10_dataset_folder_path)


CIFAR-10 Dataset: 171MB [00:36, 4.63MB/s]                              
All files found!

Explore the Data

The dataset is broken into batches to prevent your machine from running out of memory. The CIFAR-10 dataset consists of 5 batches, named data_batch_1, data_batch_2, etc.. Each batch contains the labels and images that are one of the following:

  • airplane
  • automobile
  • bird
  • cat
  • deer
  • dog
  • frog
  • horse
  • ship
  • truck

Understanding a dataset is part of making predictions on the data. Play around with the code cell below by changing the batch_id and sample_id. The batch_id is the id for a batch (1-5). The sample_id is the id for a image and label pair in the batch.

Ask yourself "What are all possible labels?", "What is the range of values for the image data?", "Are the labels in order or random?". Answers to questions like these will help you preprocess the data and end up with better predictions.


In [2]:
%matplotlib inline
%config InlineBackend.figure_format = 'retina'

import helper
import numpy as np

# Explore the dataset
batch_id = 3
sample_id = 9999
helper.display_stats(cifar10_dataset_folder_path, batch_id, sample_id)


Stats of batch 3:
Samples: 10000
Label Counts: {0: 994, 1: 1042, 2: 965, 3: 997, 4: 990, 5: 1029, 6: 978, 7: 1015, 8: 961, 9: 1029}
First 20 Labels: [8, 5, 0, 6, 9, 2, 8, 3, 6, 2, 7, 4, 6, 9, 0, 0, 7, 3, 7, 2]

Example of Image 9999:
Image - Min Value: 3 Max Value: 242
Image - Shape: (32, 32, 3)
Label - Label Id: 1 Name: automobile

Implement Preprocess Functions

Normalize

In the cell below, implement the normalize function to take in image data, x, and return it as a normalized Numpy array. The values should be in the range of 0 to 1, inclusive. The return object should be the same shape as x.


In [4]:
def normalize(x):
    """
    Normalize a list of sample image data in the range of 0 to 1
    : x: List of image data.  The image shape is (32, 32, 3)
    : return: Numpy array of normalize data
    """
    x_min = np.min(x)
    x_max = np.max(x)
    return (x - x_min)/(x_max - x_min)


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_normalize(normalize)


Tests Passed

One-hot encode

Just like the previous code cell, you'll be implementing a function for preprocessing. This time, you'll implement the one_hot_encode function. The input, x, are a list of labels. Implement the function to return the list of labels as One-Hot encoded Numpy array. The possible values for labels are 0 to 9. The one-hot encoding function should return the same encoding for each value between each call to one_hot_encode. Make sure to save the map of encodings outside the function.

Hint: Don't reinvent the wheel.


In [5]:
from sklearn import preprocessing
def one_hot_encode(x):
    """
    One hot encode a list of sample labels. Return a one-hot encoded vector for each label.
    : x: List of sample Labels
    : return: Numpy array of one-hot encoded labels
    """
    return np.eye(10)[x]
    

"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_one_hot_encode(one_hot_encode)


Tests Passed

Randomize Data

As you saw from exploring the data above, the order of the samples are randomized. It doesn't hurt to randomize it again, but you don't need to for this dataset.

Preprocess all the data and save it

Running the code cell below will preprocess all the CIFAR-10 data and save it to file. The code below also uses 10% of the training data for validation.


In [6]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
# Preprocess Training, Validation, and Testing Data
helper.preprocess_and_save_data(cifar10_dataset_folder_path, normalize, one_hot_encode)

Check Point

This is your first checkpoint. If you ever decide to come back to this notebook or have to restart the notebook, you can start from here. The preprocessed data has been saved to disk.


In [7]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
import pickle
import problem_unittests as tests
import helper

# Load the Preprocessed Validation data
valid_features, valid_labels = pickle.load(open('preprocess_validation.p', mode='rb'))

Build the network

For the neural network, you'll build each layer into a function. Most of the code you've seen has been outside of functions. To test your code more thoroughly, we require that you put each layer in a function. This allows us to give you better feedback and test for simple mistakes using our unittests before you submit your project.

Note: If you're finding it hard to dedicate enough time for this course each week, we've provided a small shortcut to this part of the project. In the next couple of problems, you'll have the option to use classes from the TensorFlow Layers or TensorFlow Layers (contrib) packages to build each layer, except the layers you build in the "Convolutional and Max Pooling Layer" section. TF Layers is similar to Keras's and TFLearn's abstraction to layers, so it's easy to pickup.

However, if you would like to get the most out of this course, try to solve all the problems without using anything from the TF Layers packages. You can still use classes from other packages that happen to have the same name as ones you find in TF Layers! For example, instead of using the TF Layers version of the conv2d class, tf.layers.conv2d, you would want to use the TF Neural Network version of conv2d, tf.nn.conv2d.

Let's begin!

Input

The neural network needs to read the image data, one-hot encoded labels, and dropout keep probability. Implement the following functions

  • Implement neural_net_image_input
    • Return a TF Placeholder
    • Set the shape using image_shape with batch size set to None.
    • Name the TensorFlow placeholder "x" using the TensorFlow name parameter in the TF Placeholder.
  • Implement neural_net_label_input
    • Return a TF Placeholder
    • Set the shape using n_classes with batch size set to None.
    • Name the TensorFlow placeholder "y" using the TensorFlow name parameter in the TF Placeholder.
  • Implement neural_net_keep_prob_input
    • Return a TF Placeholder for dropout keep probability.
    • Name the TensorFlow placeholder "keep_prob" using the TensorFlow name parameter in the TF Placeholder.

These names will be used at the end of the project to load your saved model.

Note: None for shapes in TensorFlow allow for a dynamic size.


In [8]:
import tensorflow as tf

def neural_net_image_input(image_shape):
    """
    Return a Tensor for a bach of image input
    : image_shape: Shape of the images
    : return: Tensor for image input.
    """
    return tf.placeholder(tf.float32, shape=[None, *image_shape], name='x')


def neural_net_label_input(n_classes):
    """
    Return a Tensor for a batch of label input
    : n_classes: Number of classes
    : return: Tensor for label input.
    """
    return tf.placeholder(tf.float32, shape=[None, n_classes], name='y')


def neural_net_keep_prob_input():
    """
    Return a Tensor for keep probability
    : return: Tensor for keep probability.
    """
    return tf.placeholder(tf.float32, name='keep_prob')


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tf.reset_default_graph()
tests.test_nn_image_inputs(neural_net_image_input)
tests.test_nn_label_inputs(neural_net_label_input)
tests.test_nn_keep_prob_inputs(neural_net_keep_prob_input)


Image Input Tests Passed.
Label Input Tests Passed.
Keep Prob Tests Passed.

Convolution and Max Pooling Layer

Convolution layers have a lot of success with images. For this code cell, you should implement the function conv2d_maxpool to apply convolution then max pooling:

  • Create the weight and bias using conv_ksize, conv_num_outputs and the shape of x_tensor.
  • Apply a convolution to x_tensor using weight and conv_strides.
    • We recommend you use same padding, but you're welcome to use any padding.
  • Add bias
  • Add a nonlinear activation to the convolution.
  • Apply Max Pooling using pool_ksize and pool_strides.
    • We recommend you use same padding, but you're welcome to use any padding.

Note: You can't use TensorFlow Layers or TensorFlow Layers (contrib) for this layer. You're free to use any TensorFlow package for all the other layers.


In [9]:
def conv2d_maxpool(x_tensor, conv_num_outputs, conv_ksize, conv_strides, pool_ksize, pool_strides):
    """
    Apply convolution then max pooling to x_tensor
    :param x_tensor: TensorFlow Tensor
    :param conv_num_outputs: Number of outputs for the convolutional layer
    :param conv_ksize: kernal size 2-D Tuple for the convolutional layer
    :param conv_strides: Stride 2-D Tuple for convolution
    :param pool_ksize: kernal size 2-D Tuple for pool
    :param pool_strides: Stride 2-D Tuple for pool
    : return: A tensor that represents convolution and max pooling of x_tensor
    """
    input_depth = int(x_tensor.shape[3])
    output_depth = conv_num_outputs
    W_shape = [*conv_ksize, input_depth, output_depth]
    W = tf.Variable(tf.random_normal(W_shape, stddev=0.1))
    b = tf.Variable(tf.zeros(output_depth))
    
    conv_strides_shape = [1, *conv_strides, 1]
    x = tf.nn.conv2d(x_tensor, W, strides=conv_strides_shape, padding='SAME')
    
    x = tf.nn.bias_add(x, b)
    x = tf.nn.relu(x)
    
    pool_ksize_shape = [1, *pool_ksize, 1]
    pool_strides_shape = [1, *pool_strides, 1]
    x = tf.nn.max_pool(x, pool_ksize_shape, pool_strides_shape, padding='SAME')
    return x

"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_con_pool(conv2d_maxpool)


Tests Passed

Flatten Layer

Implement the flatten function to change the dimension of x_tensor from a 4-D tensor to a 2-D tensor. The output should be the shape (Batch Size, Flattened Image Size). Shortcut option: you can use classes from the TensorFlow Layers or TensorFlow Layers (contrib) packages for this layer. For more of a challenge, only use other TensorFlow packages.


In [10]:
def flatten(x_tensor):
    """
    Flatten x_tensor to (Batch Size, Flattened Image Size)
    : x_tensor: A tensor of size (Batch Size, ...), where ... are the image dimensions.
    : return: A tensor of size (Batch Size, Flattened Image Size).
    """
    return tf.contrib.layers.flatten(x_tensor)


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_flatten(flatten)


Tests Passed

Fully-Connected Layer

Implement the fully_conn function to apply a fully connected layer to x_tensor with the shape (Batch Size, num_outputs). You can use TensorFlow Layers or TensorFlow Layers (contrib) for this layer.


In [11]:
def fully_conn(x_tensor, num_outputs):
    """
    Apply a fully connected layer to x_tensor using weight and bias
    : x_tensor: A 2-D tensor where the first dimension is batch size.
    : num_outputs: The number of output that the new tensor should be.
    : return: A 2-D tensor where the second dimension is num_outputs.
    """
    return tf.contrib.layers.fully_connected(x_tensor, num_outputs, activation_fn=tf.nn.relu)


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_fully_conn(fully_conn)


Tests Passed

Output Layer

Implement the output function to apply a fully connected layer to x_tensor with the shape (Batch Size, num_outputs). Shortcut option: you can use classes from the TensorFlow Layers or TensorFlow Layers (contrib) packages for this layer. For more of a challenge, only use other TensorFlow packages.

Note: Activation, softmax, or cross entropy should not be applied to this.


In [12]:
def output(x_tensor, num_outputs):
    """
    Apply a output layer to x_tensor using weight and bias
    : x_tensor: A 2-D tensor where the first dimension is batch size.
    : num_outputs: The number of output that the new tensor should be.
    : return: A 2-D tensor where the second dimension is num_outputs.
    """
    return tf.contrib.layers.fully_connected(x_tensor, num_outputs, activation_fn=None)


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_output(output)


Tests Passed

Create Convolutional Model

Implement the function conv_net to create a convolutional neural network model. The function takes in a batch of images, x, and outputs logits. Use the layers you created above to create this model:

  • Apply 1, 2, or 3 Convolution and Max Pool layers
  • Apply a Flatten Layer
  • Apply 1, 2, or 3 Fully Connected Layers
  • Apply an Output Layer
  • Return the output
  • Apply TensorFlow's Dropout to one or more layers in the model using keep_prob.

In [27]:
def conv_net(x, keep_prob):
    """
    Create a convolutional neural network model
    : x: Placeholder tensor that holds image data.
    : keep_prob: Placeholder tensor that hold dropout keep probability.
    : return: Tensor that represents logits
    """
    # TODO: Apply 1, 2, or 3 Convolution and Max Pool layers
    #    Play around with different number of outputs, kernel size and stride
    # Function Definition from Above:
    #    conv2d_maxpool(x_tensor, conv_num_outputs, conv_ksize, conv_strides, pool_ksize, pool_strides)
    x = conv2d_maxpool(x, 64, (3, 3), (1, 1), (3, 3), (2, 2))
    x = conv2d_maxpool(x, 64, (4, 4), (1, 1), (3, 3), (2, 2))
    x = conv2d_maxpool(x, 64, (3, 3), (1, 1), (2, 2), (2, 2))

    # TODO: Apply a Flatten Layer
    # Function Definition from Above:
    #   flatten(x_tensor)
    x = flatten(x)
    

    # TODO: Apply 1, 2, or 3 Fully Connected Layers
    #    Play around with different number of outputs
    # Function Definition from Above:
    #   fully_conn(x_tensor, num_outputs)
    x = fully_conn(x, 512)
    x = tf.nn.dropout(x, keep_prob)
    x = fully_conn(x, 192)
    x = tf.nn.dropout(x, keep_prob)
    
    
    # TODO: Apply an Output Layer
    #    Set this to the number of classes
    # Function Definition from Above:
    #   output(x_tensor, num_outputs)
    x = output(x, 10)
    
    # TODO: return output
    return x


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""

##############################
## Build the Neural Network ##
##############################

# Remove previous weights, bias, inputs, etc..
tf.reset_default_graph()

# Inputs
x = neural_net_image_input((32, 32, 3))
y = neural_net_label_input(10)
keep_prob = neural_net_keep_prob_input()

# Model
logits = conv_net(x, keep_prob)

# Name logits Tensor, so that is can be loaded from disk after training
logits = tf.identity(logits, name='logits')

# Loss and Optimizer
cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=logits, labels=y))
optimizer = tf.train.AdamOptimizer().minimize(cost)

# Accuracy
correct_pred = tf.equal(tf.argmax(logits, 1), tf.argmax(y, 1))
accuracy = tf.reduce_mean(tf.cast(correct_pred, tf.float32), name='accuracy')

tests.test_conv_net(conv_net)


Neural Network Built!

Train the Neural Network

Single Optimization

Implement the function train_neural_network to do a single optimization. The optimization should use optimizer to optimize in session with a feed_dict of the following:

  • x for image input
  • y for labels
  • keep_prob for keep probability for dropout

This function will be called for each batch, so tf.global_variables_initializer() has already been called.

Note: Nothing needs to be returned. This function is only optimizing the neural network.


In [28]:
def train_neural_network(session, optimizer, keep_probability, feature_batch, label_batch):
    """
    Optimize the session on a batch of images and labels
    : session: Current TensorFlow session
    : optimizer: TensorFlow optimizer function
    : keep_probability: keep probability
    : feature_batch: Batch of Numpy image data
    : label_batch: Batch of Numpy label data
    """
    # TODO: Implement Function
    session.run(optimizer, feed_dict={x: feature_batch, y: label_batch, keep_prob: keep_probability})


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_train_nn(train_neural_network)


Tests Passed

Show Stats

Implement the function print_stats to print loss and validation accuracy. Use the global variables valid_features and valid_labels to calculate validation accuracy. Use a keep probability of 1.0 to calculate the loss and validation accuracy.


In [29]:
def print_stats(session, feature_batch, label_batch, cost, accuracy):
    """
    Print information about loss and validation accuracy
    : session: Current TensorFlow session
    : feature_batch: Batch of Numpy image data
    : label_batch: Batch of Numpy label data
    : cost: TensorFlow cost function
    : accuracy: TensorFlow accuracy function
    """
    loss = session.run(cost, feed_dict={x: feature_batch, y: label_batch, keep_prob: 1.})
    valid_accuracy = session.run(accuracy, feed_dict={x: valid_features, y: valid_labels, keep_prob: 1.})
    print('Loss: {:>10.4f} Validation Accuracy: {:.6f}'.format(loss, valid_accuracy))

Hyperparameters

Tune the following parameters:

  • Set epochs to the number of iterations until the network stops learning or start overfitting
  • Set batch_size to the highest number that your machine has memory for. Most people set them to common sizes of memory:
    • 64
    • 128
    • 256
    • ...
  • Set keep_probability to the probability of keeping a node using dropout

In [30]:
# TODO: Tune Parameters
epochs = 50
batch_size = 512
keep_probability = 0.5

Train on a Single CIFAR-10 Batch

Instead of training the neural network on all the CIFAR-10 batches of data, let's use a single batch. This should save time while you iterate on the model to get a better accuracy. Once the final validation accuracy is 50% or greater, run the model on all the data in the next section.


In [31]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
print('Checking the Training on a Single Batch...')
with tf.Session() as sess:
    # Initializing the variables
    sess.run(tf.global_variables_initializer())
    
    # Training cycle
    for epoch in range(epochs):
        batch_i = 1
        for batch_features, batch_labels in helper.load_preprocess_training_batch(batch_i, batch_size):
            train_neural_network(sess, optimizer, keep_probability, batch_features, batch_labels)
        print('Epoch {:>2}, CIFAR-10 Batch {}:  '.format(epoch + 1, batch_i), end='')
        print_stats(sess, batch_features, batch_labels, cost, accuracy)


Checking the Training on a Single Batch...
Epoch  1, CIFAR-10 Batch 1:  Loss:     2.2377 Validation Accuracy: 0.220800
Epoch  2, CIFAR-10 Batch 1:  Loss:     1.9756 Validation Accuracy: 0.337200
Epoch  3, CIFAR-10 Batch 1:  Loss:     1.8184 Validation Accuracy: 0.377200
Epoch  4, CIFAR-10 Batch 1:  Loss:     1.6975 Validation Accuracy: 0.405000
Epoch  5, CIFAR-10 Batch 1:  Loss:     1.5716 Validation Accuracy: 0.447800
Epoch  6, CIFAR-10 Batch 1:  Loss:     1.5198 Validation Accuracy: 0.461600
Epoch  7, CIFAR-10 Batch 1:  Loss:     1.4326 Validation Accuracy: 0.484000
Epoch  8, CIFAR-10 Batch 1:  Loss:     1.3251 Validation Accuracy: 0.509400
Epoch  9, CIFAR-10 Batch 1:  Loss:     1.2754 Validation Accuracy: 0.507200
Epoch 10, CIFAR-10 Batch 1:  Loss:     1.2518 Validation Accuracy: 0.509000
Epoch 11, CIFAR-10 Batch 1:  Loss:     1.1328 Validation Accuracy: 0.541400
Epoch 12, CIFAR-10 Batch 1:  Loss:     1.0651 Validation Accuracy: 0.553000
Epoch 13, CIFAR-10 Batch 1:  Loss:     1.0012 Validation Accuracy: 0.556800
Epoch 14, CIFAR-10 Batch 1:  Loss:     0.9439 Validation Accuracy: 0.568800
Epoch 15, CIFAR-10 Batch 1:  Loss:     0.8528 Validation Accuracy: 0.577400
Epoch 16, CIFAR-10 Batch 1:  Loss:     0.7916 Validation Accuracy: 0.586000
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.7695 Validation Accuracy: 0.575800
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.6832 Validation Accuracy: 0.592800
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.6592 Validation Accuracy: 0.587600
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.6820 Validation Accuracy: 0.562200
Epoch 21, CIFAR-10 Batch 1:  Loss:     0.5529 Validation Accuracy: 0.596400
Epoch 22, CIFAR-10 Batch 1:  Loss:     0.5455 Validation Accuracy: 0.608800
Epoch 23, CIFAR-10 Batch 1:  Loss:     0.5328 Validation Accuracy: 0.598400
Epoch 24, CIFAR-10 Batch 1:  Loss:     0.4864 Validation Accuracy: 0.588800
Epoch 25, CIFAR-10 Batch 1:  Loss:     0.4231 Validation Accuracy: 0.596600
Epoch 26, CIFAR-10 Batch 1:  Loss:     0.4626 Validation Accuracy: 0.585200
Epoch 27, CIFAR-10 Batch 1:  Loss:     0.4186 Validation Accuracy: 0.588400
Epoch 28, CIFAR-10 Batch 1:  Loss:     0.4306 Validation Accuracy: 0.596200
Epoch 29, CIFAR-10 Batch 1:  Loss:     0.3248 Validation Accuracy: 0.601200
Epoch 30, CIFAR-10 Batch 1:  Loss:     0.2944 Validation Accuracy: 0.609800
Epoch 31, CIFAR-10 Batch 1:  Loss:     0.2872 Validation Accuracy: 0.623600
Epoch 32, CIFAR-10 Batch 1:  Loss:     0.2724 Validation Accuracy: 0.622000
Epoch 33, CIFAR-10 Batch 1:  Loss:     0.2359 Validation Accuracy: 0.619000
Epoch 34, CIFAR-10 Batch 1:  Loss:     0.2023 Validation Accuracy: 0.619800
Epoch 35, CIFAR-10 Batch 1:  Loss:     0.1763 Validation Accuracy: 0.621200
Epoch 36, CIFAR-10 Batch 1:  Loss:     0.1635 Validation Accuracy: 0.610200
Epoch 37, CIFAR-10 Batch 1:  Loss:     0.1693 Validation Accuracy: 0.614800
Epoch 38, CIFAR-10 Batch 1:  Loss:     0.1631 Validation Accuracy: 0.612600
Epoch 39, CIFAR-10 Batch 1:  Loss:     0.1205 Validation Accuracy: 0.622600
Epoch 40, CIFAR-10 Batch 1:  Loss:     0.1285 Validation Accuracy: 0.616000
Epoch 41, CIFAR-10 Batch 1:  Loss:     0.0974 Validation Accuracy: 0.625800
Epoch 42, CIFAR-10 Batch 1:  Loss:     0.0957 Validation Accuracy: 0.610600
Epoch 43, CIFAR-10 Batch 1:  Loss:     0.0832 Validation Accuracy: 0.626600
Epoch 44, CIFAR-10 Batch 1:  Loss:     0.0990 Validation Accuracy: 0.630200
Epoch 45, CIFAR-10 Batch 1:  Loss:     0.0771 Validation Accuracy: 0.614400
Epoch 46, CIFAR-10 Batch 1:  Loss:     0.0755 Validation Accuracy: 0.610000
Epoch 47, CIFAR-10 Batch 1:  Loss:     0.0785 Validation Accuracy: 0.597000
Epoch 48, CIFAR-10 Batch 1:  Loss:     0.0678 Validation Accuracy: 0.605600
Epoch 49, CIFAR-10 Batch 1:  Loss:     0.0731 Validation Accuracy: 0.629600
Epoch 50, CIFAR-10 Batch 1:  Loss:     0.0415 Validation Accuracy: 0.635000

Fully Train the Model

Now that you got a good accuracy with a single CIFAR-10 batch, try it with all five batches.


In [32]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
save_model_path = './image_classification'

print('Training...')
with tf.Session() as sess:
    # Initializing the variables
    sess.run(tf.global_variables_initializer())
    
    # Training cycle
    for epoch in range(epochs):
        # Loop over all batches
        n_batches = 5
        for batch_i in range(1, n_batches + 1):
            for batch_features, batch_labels in helper.load_preprocess_training_batch(batch_i, batch_size):
                train_neural_network(sess, optimizer, keep_probability, batch_features, batch_labels)
            print('Epoch {:>2}, CIFAR-10 Batch {}:  '.format(epoch + 1, batch_i), end='')
            print_stats(sess, batch_features, batch_labels, cost, accuracy)
            
    # Save Model
    saver = tf.train.Saver()
    save_path = saver.save(sess, save_model_path)


Training...
Epoch  1, CIFAR-10 Batch 1:  Loss:     2.1574 Validation Accuracy: 0.246000
Epoch  1, CIFAR-10 Batch 2:  Loss:     1.8528 Validation Accuracy: 0.307400
Epoch  1, CIFAR-10 Batch 3:  Loss:     1.6246 Validation Accuracy: 0.391000
Epoch  1, CIFAR-10 Batch 4:  Loss:     1.5423 Validation Accuracy: 0.397400
Epoch  1, CIFAR-10 Batch 5:  Loss:     1.5066 Validation Accuracy: 0.438600
Epoch  2, CIFAR-10 Batch 1:  Loss:     1.5334 Validation Accuracy: 0.442400
Epoch  2, CIFAR-10 Batch 2:  Loss:     1.4465 Validation Accuracy: 0.495200
Epoch  2, CIFAR-10 Batch 3:  Loss:     1.2447 Validation Accuracy: 0.510600
Epoch  2, CIFAR-10 Batch 4:  Loss:     1.1550 Validation Accuracy: 0.532000
Epoch  2, CIFAR-10 Batch 5:  Loss:     1.1779 Validation Accuracy: 0.545200
Epoch  3, CIFAR-10 Batch 1:  Loss:     1.2868 Validation Accuracy: 0.520400
Epoch  3, CIFAR-10 Batch 2:  Loss:     1.2225 Validation Accuracy: 0.567000
Epoch  3, CIFAR-10 Batch 3:  Loss:     1.0401 Validation Accuracy: 0.575000
Epoch  3, CIFAR-10 Batch 4:  Loss:     0.9722 Validation Accuracy: 0.586600
Epoch  3, CIFAR-10 Batch 5:  Loss:     0.9783 Validation Accuracy: 0.609400
Epoch  4, CIFAR-10 Batch 1:  Loss:     1.0719 Validation Accuracy: 0.593800
Epoch  4, CIFAR-10 Batch 2:  Loss:     1.0142 Validation Accuracy: 0.614800
Epoch  4, CIFAR-10 Batch 3:  Loss:     0.9626 Validation Accuracy: 0.603600
Epoch  4, CIFAR-10 Batch 4:  Loss:     0.8531 Validation Accuracy: 0.626000
Epoch  4, CIFAR-10 Batch 5:  Loss:     0.8966 Validation Accuracy: 0.622000
Epoch  5, CIFAR-10 Batch 1:  Loss:     0.9562 Validation Accuracy: 0.640600
Epoch  5, CIFAR-10 Batch 2:  Loss:     0.9375 Validation Accuracy: 0.635800
Epoch  5, CIFAR-10 Batch 3:  Loss:     0.8234 Validation Accuracy: 0.630600
Epoch  5, CIFAR-10 Batch 4:  Loss:     0.7157 Validation Accuracy: 0.654600
Epoch  5, CIFAR-10 Batch 5:  Loss:     0.7326 Validation Accuracy: 0.667000
Epoch  6, CIFAR-10 Batch 1:  Loss:     0.8779 Validation Accuracy: 0.658600
Epoch  6, CIFAR-10 Batch 2:  Loss:     0.8377 Validation Accuracy: 0.660200
Epoch  6, CIFAR-10 Batch 3:  Loss:     0.7775 Validation Accuracy: 0.653400
Epoch  6, CIFAR-10 Batch 4:  Loss:     0.6319 Validation Accuracy: 0.674600
Epoch  6, CIFAR-10 Batch 5:  Loss:     0.7204 Validation Accuracy: 0.665400
Epoch  7, CIFAR-10 Batch 1:  Loss:     0.8554 Validation Accuracy: 0.663400
Epoch  7, CIFAR-10 Batch 2:  Loss:     0.7506 Validation Accuracy: 0.675200
Epoch  7, CIFAR-10 Batch 3:  Loss:     0.7151 Validation Accuracy: 0.665000
Epoch  7, CIFAR-10 Batch 4:  Loss:     0.5946 Validation Accuracy: 0.674400
Epoch  7, CIFAR-10 Batch 5:  Loss:     0.6037 Validation Accuracy: 0.685000
Epoch  8, CIFAR-10 Batch 1:  Loss:     0.7847 Validation Accuracy: 0.671200
Epoch  8, CIFAR-10 Batch 2:  Loss:     0.6545 Validation Accuracy: 0.691800
Epoch  8, CIFAR-10 Batch 3:  Loss:     0.6184 Validation Accuracy: 0.690200
Epoch  8, CIFAR-10 Batch 4:  Loss:     0.5446 Validation Accuracy: 0.688200
Epoch  8, CIFAR-10 Batch 5:  Loss:     0.5903 Validation Accuracy: 0.700600
Epoch  9, CIFAR-10 Batch 1:  Loss:     0.6903 Validation Accuracy: 0.688800
Epoch  9, CIFAR-10 Batch 2:  Loss:     0.6531 Validation Accuracy: 0.701800
Epoch  9, CIFAR-10 Batch 3:  Loss:     0.5830 Validation Accuracy: 0.705200
Epoch  9, CIFAR-10 Batch 4:  Loss:     0.4837 Validation Accuracy: 0.698000
Epoch  9, CIFAR-10 Batch 5:  Loss:     0.5164 Validation Accuracy: 0.698800
Epoch 10, CIFAR-10 Batch 1:  Loss:     0.5826 Validation Accuracy: 0.707200
Epoch 10, CIFAR-10 Batch 2:  Loss:     0.5908 Validation Accuracy: 0.682400
Epoch 10, CIFAR-10 Batch 3:  Loss:     0.5695 Validation Accuracy: 0.692800
Epoch 10, CIFAR-10 Batch 4:  Loss:     0.4178 Validation Accuracy: 0.714000
Epoch 10, CIFAR-10 Batch 5:  Loss:     0.4746 Validation Accuracy: 0.715400
Epoch 11, CIFAR-10 Batch 1:  Loss:     0.5562 Validation Accuracy: 0.703800
Epoch 11, CIFAR-10 Batch 2:  Loss:     0.5154 Validation Accuracy: 0.695200
Epoch 11, CIFAR-10 Batch 3:  Loss:     0.5308 Validation Accuracy: 0.702800
Epoch 11, CIFAR-10 Batch 4:  Loss:     0.4020 Validation Accuracy: 0.717200
Epoch 11, CIFAR-10 Batch 5:  Loss:     0.4505 Validation Accuracy: 0.715000
Epoch 12, CIFAR-10 Batch 1:  Loss:     0.5104 Validation Accuracy: 0.722400
Epoch 12, CIFAR-10 Batch 2:  Loss:     0.4793 Validation Accuracy: 0.697600
Epoch 12, CIFAR-10 Batch 3:  Loss:     0.4400 Validation Accuracy: 0.721800
Epoch 12, CIFAR-10 Batch 4:  Loss:     0.3823 Validation Accuracy: 0.706400
Epoch 12, CIFAR-10 Batch 5:  Loss:     0.4286 Validation Accuracy: 0.718200
Epoch 13, CIFAR-10 Batch 1:  Loss:     0.4683 Validation Accuracy: 0.718000
Epoch 13, CIFAR-10 Batch 2:  Loss:     0.4104 Validation Accuracy: 0.719800
Epoch 13, CIFAR-10 Batch 3:  Loss:     0.4094 Validation Accuracy: 0.724000
Epoch 13, CIFAR-10 Batch 4:  Loss:     0.3330 Validation Accuracy: 0.725800
Epoch 13, CIFAR-10 Batch 5:  Loss:     0.3502 Validation Accuracy: 0.730000
Epoch 14, CIFAR-10 Batch 1:  Loss:     0.4524 Validation Accuracy: 0.717800
Epoch 14, CIFAR-10 Batch 2:  Loss:     0.4193 Validation Accuracy: 0.716200
Epoch 14, CIFAR-10 Batch 3:  Loss:     0.3922 Validation Accuracy: 0.722400
Epoch 14, CIFAR-10 Batch 4:  Loss:     0.3107 Validation Accuracy: 0.727400
Epoch 14, CIFAR-10 Batch 5:  Loss:     0.3309 Validation Accuracy: 0.738000
Epoch 15, CIFAR-10 Batch 1:  Loss:     0.4241 Validation Accuracy: 0.724000
Epoch 15, CIFAR-10 Batch 2:  Loss:     0.4019 Validation Accuracy: 0.712800
Epoch 15, CIFAR-10 Batch 3:  Loss:     0.3655 Validation Accuracy: 0.728200
Epoch 15, CIFAR-10 Batch 4:  Loss:     0.3078 Validation Accuracy: 0.728200
Epoch 15, CIFAR-10 Batch 5:  Loss:     0.3027 Validation Accuracy: 0.733800
Epoch 16, CIFAR-10 Batch 1:  Loss:     0.3996 Validation Accuracy: 0.732000
Epoch 16, CIFAR-10 Batch 2:  Loss:     0.3052 Validation Accuracy: 0.734000
Epoch 16, CIFAR-10 Batch 3:  Loss:     0.3159 Validation Accuracy: 0.732400
Epoch 16, CIFAR-10 Batch 4:  Loss:     0.2475 Validation Accuracy: 0.733800
Epoch 16, CIFAR-10 Batch 5:  Loss:     0.2668 Validation Accuracy: 0.742800
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.3280 Validation Accuracy: 0.738800
Epoch 17, CIFAR-10 Batch 2:  Loss:     0.2838 Validation Accuracy: 0.726400
Epoch 17, CIFAR-10 Batch 3:  Loss:     0.2773 Validation Accuracy: 0.729400
Epoch 17, CIFAR-10 Batch 4:  Loss:     0.2379 Validation Accuracy: 0.741600
Epoch 17, CIFAR-10 Batch 5:  Loss:     0.2475 Validation Accuracy: 0.733200
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.3415 Validation Accuracy: 0.740800
Epoch 18, CIFAR-10 Batch 2:  Loss:     0.2557 Validation Accuracy: 0.732600
Epoch 18, CIFAR-10 Batch 3:  Loss:     0.2742 Validation Accuracy: 0.740200
Epoch 18, CIFAR-10 Batch 4:  Loss:     0.2267 Validation Accuracy: 0.738200
Epoch 18, CIFAR-10 Batch 5:  Loss:     0.2757 Validation Accuracy: 0.710200
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.3179 Validation Accuracy: 0.730600
Epoch 19, CIFAR-10 Batch 2:  Loss:     0.2652 Validation Accuracy: 0.728800
Epoch 19, CIFAR-10 Batch 3:  Loss:     0.2504 Validation Accuracy: 0.740000
Epoch 19, CIFAR-10 Batch 4:  Loss:     0.2085 Validation Accuracy: 0.743200
Epoch 19, CIFAR-10 Batch 5:  Loss:     0.2310 Validation Accuracy: 0.731800
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.2931 Validation Accuracy: 0.740400
Epoch 20, CIFAR-10 Batch 2:  Loss:     0.2182 Validation Accuracy: 0.737800
Epoch 20, CIFAR-10 Batch 3:  Loss:     0.2353 Validation Accuracy: 0.728400
Epoch 20, CIFAR-10 Batch 4:  Loss:     0.1788 Validation Accuracy: 0.731000
Epoch 20, CIFAR-10 Batch 5:  Loss:     0.2186 Validation Accuracy: 0.733200
Epoch 21, CIFAR-10 Batch 1:  Loss:     0.2552 Validation Accuracy: 0.737200
Epoch 21, CIFAR-10 Batch 2:  Loss:     0.2430 Validation Accuracy: 0.735000
Epoch 21, CIFAR-10 Batch 3:  Loss:     0.2349 Validation Accuracy: 0.730200
Epoch 21, CIFAR-10 Batch 4:  Loss:     0.1716 Validation Accuracy: 0.736400
Epoch 21, CIFAR-10 Batch 5:  Loss:     0.1852 Validation Accuracy: 0.733200
Epoch 22, CIFAR-10 Batch 1:  Loss:     0.2529 Validation Accuracy: 0.741000
Epoch 22, CIFAR-10 Batch 2:  Loss:     0.2109 Validation Accuracy: 0.735200
Epoch 22, CIFAR-10 Batch 3:  Loss:     0.2029 Validation Accuracy: 0.734000
Epoch 22, CIFAR-10 Batch 4:  Loss:     0.1537 Validation Accuracy: 0.723800
Epoch 22, CIFAR-10 Batch 5:  Loss:     0.1720 Validation Accuracy: 0.733200
Epoch 23, CIFAR-10 Batch 1:  Loss:     0.2143 Validation Accuracy: 0.752200
Epoch 23, CIFAR-10 Batch 2:  Loss:     0.1613 Validation Accuracy: 0.742200
Epoch 23, CIFAR-10 Batch 3:  Loss:     0.1722 Validation Accuracy: 0.742600
Epoch 23, CIFAR-10 Batch 4:  Loss:     0.1665 Validation Accuracy: 0.726200
Epoch 23, CIFAR-10 Batch 5:  Loss:     0.1515 Validation Accuracy: 0.746400
Epoch 24, CIFAR-10 Batch 1:  Loss:     0.2338 Validation Accuracy: 0.740400
Epoch 24, CIFAR-10 Batch 2:  Loss:     0.1223 Validation Accuracy: 0.741400
Epoch 24, CIFAR-10 Batch 3:  Loss:     0.1332 Validation Accuracy: 0.745000
Epoch 24, CIFAR-10 Batch 4:  Loss:     0.1630 Validation Accuracy: 0.730600
Epoch 24, CIFAR-10 Batch 5:  Loss:     0.1424 Validation Accuracy: 0.742800
Epoch 25, CIFAR-10 Batch 1:  Loss:     0.1968 Validation Accuracy: 0.742200
Epoch 25, CIFAR-10 Batch 2:  Loss:     0.1335 Validation Accuracy: 0.745400
Epoch 25, CIFAR-10 Batch 3:  Loss:     0.1414 Validation Accuracy: 0.734200
Epoch 25, CIFAR-10 Batch 4:  Loss:     0.1563 Validation Accuracy: 0.734400
Epoch 25, CIFAR-10 Batch 5:  Loss:     0.1260 Validation Accuracy: 0.735000
Epoch 26, CIFAR-10 Batch 1:  Loss:     0.1783 Validation Accuracy: 0.728200
Epoch 26, CIFAR-10 Batch 2:  Loss:     0.1620 Validation Accuracy: 0.741000
Epoch 26, CIFAR-10 Batch 3:  Loss:     0.1435 Validation Accuracy: 0.735800
Epoch 26, CIFAR-10 Batch 4:  Loss:     0.1577 Validation Accuracy: 0.725400
Epoch 26, CIFAR-10 Batch 5:  Loss:     0.1257 Validation Accuracy: 0.722800
Epoch 27, CIFAR-10 Batch 1:  Loss:     0.1866 Validation Accuracy: 0.743200
Epoch 27, CIFAR-10 Batch 2:  Loss:     0.1315 Validation Accuracy: 0.738600
Epoch 27, CIFAR-10 Batch 3:  Loss:     0.1166 Validation Accuracy: 0.746600
Epoch 27, CIFAR-10 Batch 4:  Loss:     0.1174 Validation Accuracy: 0.734400
Epoch 27, CIFAR-10 Batch 5:  Loss:     0.1218 Validation Accuracy: 0.742000
Epoch 28, CIFAR-10 Batch 1:  Loss:     0.1792 Validation Accuracy: 0.744800
Epoch 28, CIFAR-10 Batch 2:  Loss:     0.1065 Validation Accuracy: 0.735600
Epoch 28, CIFAR-10 Batch 3:  Loss:     0.0919 Validation Accuracy: 0.747600
Epoch 28, CIFAR-10 Batch 4:  Loss:     0.1068 Validation Accuracy: 0.734800
Epoch 28, CIFAR-10 Batch 5:  Loss:     0.0956 Validation Accuracy: 0.745600
Epoch 29, CIFAR-10 Batch 1:  Loss:     0.1632 Validation Accuracy: 0.744400
Epoch 29, CIFAR-10 Batch 2:  Loss:     0.0849 Validation Accuracy: 0.739800
Epoch 29, CIFAR-10 Batch 3:  Loss:     0.0943 Validation Accuracy: 0.743000
Epoch 29, CIFAR-10 Batch 4:  Loss:     0.0939 Validation Accuracy: 0.737200
Epoch 29, CIFAR-10 Batch 5:  Loss:     0.0870 Validation Accuracy: 0.737600
Epoch 30, CIFAR-10 Batch 1:  Loss:     0.1364 Validation Accuracy: 0.743800
Epoch 30, CIFAR-10 Batch 2:  Loss:     0.0757 Validation Accuracy: 0.743600
Epoch 30, CIFAR-10 Batch 3:  Loss:     0.0845 Validation Accuracy: 0.741400
Epoch 30, CIFAR-10 Batch 4:  Loss:     0.0752 Validation Accuracy: 0.744600
Epoch 30, CIFAR-10 Batch 5:  Loss:     0.0814 Validation Accuracy: 0.738600
Epoch 31, CIFAR-10 Batch 1:  Loss:     0.1046 Validation Accuracy: 0.743600
Epoch 31, CIFAR-10 Batch 2:  Loss:     0.0930 Validation Accuracy: 0.725400
Epoch 31, CIFAR-10 Batch 3:  Loss:     0.0920 Validation Accuracy: 0.738200
Epoch 31, CIFAR-10 Batch 4:  Loss:     0.0863 Validation Accuracy: 0.727600
Epoch 31, CIFAR-10 Batch 5:  Loss:     0.0714 Validation Accuracy: 0.735600
Epoch 32, CIFAR-10 Batch 1:  Loss:     0.1234 Validation Accuracy: 0.729800
Epoch 32, CIFAR-10 Batch 2:  Loss:     0.0998 Validation Accuracy: 0.723800
Epoch 32, CIFAR-10 Batch 3:  Loss:     0.0875 Validation Accuracy: 0.747400
Epoch 32, CIFAR-10 Batch 4:  Loss:     0.0831 Validation Accuracy: 0.728200
Epoch 32, CIFAR-10 Batch 5:  Loss:     0.0813 Validation Accuracy: 0.729200
Epoch 33, CIFAR-10 Batch 1:  Loss:     0.1110 Validation Accuracy: 0.730600
Epoch 33, CIFAR-10 Batch 2:  Loss:     0.0698 Validation Accuracy: 0.740000
Epoch 33, CIFAR-10 Batch 3:  Loss:     0.0773 Validation Accuracy: 0.749000
Epoch 33, CIFAR-10 Batch 4:  Loss:     0.0705 Validation Accuracy: 0.730800
Epoch 33, CIFAR-10 Batch 5:  Loss:     0.0572 Validation Accuracy: 0.736800
Epoch 34, CIFAR-10 Batch 1:  Loss:     0.0890 Validation Accuracy: 0.725200
Epoch 34, CIFAR-10 Batch 2:  Loss:     0.0621 Validation Accuracy: 0.731600
Epoch 34, CIFAR-10 Batch 3:  Loss:     0.0827 Validation Accuracy: 0.739800
Epoch 34, CIFAR-10 Batch 4:  Loss:     0.0609 Validation Accuracy: 0.736800
Epoch 34, CIFAR-10 Batch 5:  Loss:     0.0746 Validation Accuracy: 0.736000
Epoch 35, CIFAR-10 Batch 1:  Loss:     0.1023 Validation Accuracy: 0.725600
Epoch 35, CIFAR-10 Batch 2:  Loss:     0.0563 Validation Accuracy: 0.731800
Epoch 35, CIFAR-10 Batch 3:  Loss:     0.0935 Validation Accuracy: 0.744400
Epoch 35, CIFAR-10 Batch 4:  Loss:     0.0579 Validation Accuracy: 0.728400
Epoch 35, CIFAR-10 Batch 5:  Loss:     0.0849 Validation Accuracy: 0.739800
Epoch 36, CIFAR-10 Batch 1:  Loss:     0.1056 Validation Accuracy: 0.719600
Epoch 36, CIFAR-10 Batch 2:  Loss:     0.0869 Validation Accuracy: 0.731400
Epoch 36, CIFAR-10 Batch 3:  Loss:     0.0809 Validation Accuracy: 0.742400
Epoch 36, CIFAR-10 Batch 4:  Loss:     0.0602 Validation Accuracy: 0.739400
Epoch 36, CIFAR-10 Batch 5:  Loss:     0.0870 Validation Accuracy: 0.731400
Epoch 37, CIFAR-10 Batch 1:  Loss:     0.0851 Validation Accuracy: 0.720800
Epoch 37, CIFAR-10 Batch 2:  Loss:     0.0651 Validation Accuracy: 0.736400
Epoch 37, CIFAR-10 Batch 3:  Loss:     0.0747 Validation Accuracy: 0.738200
Epoch 37, CIFAR-10 Batch 4:  Loss:     0.0455 Validation Accuracy: 0.739000
Epoch 37, CIFAR-10 Batch 5:  Loss:     0.0741 Validation Accuracy: 0.732600
Epoch 38, CIFAR-10 Batch 1:  Loss:     0.0719 Validation Accuracy: 0.727800
Epoch 38, CIFAR-10 Batch 2:  Loss:     0.0525 Validation Accuracy: 0.740200
Epoch 38, CIFAR-10 Batch 3:  Loss:     0.0680 Validation Accuracy: 0.745000
Epoch 38, CIFAR-10 Batch 4:  Loss:     0.0417 Validation Accuracy: 0.740400
Epoch 38, CIFAR-10 Batch 5:  Loss:     0.0752 Validation Accuracy: 0.736000
Epoch 39, CIFAR-10 Batch 1:  Loss:     0.0774 Validation Accuracy: 0.729600
Epoch 39, CIFAR-10 Batch 2:  Loss:     0.0717 Validation Accuracy: 0.732600
Epoch 39, CIFAR-10 Batch 3:  Loss:     0.0593 Validation Accuracy: 0.749600
Epoch 39, CIFAR-10 Batch 4:  Loss:     0.0486 Validation Accuracy: 0.747800
Epoch 39, CIFAR-10 Batch 5:  Loss:     0.0504 Validation Accuracy: 0.740800
Epoch 40, CIFAR-10 Batch 1:  Loss:     0.0729 Validation Accuracy: 0.728200
Epoch 40, CIFAR-10 Batch 2:  Loss:     0.0766 Validation Accuracy: 0.740200
Epoch 40, CIFAR-10 Batch 3:  Loss:     0.0474 Validation Accuracy: 0.741200
Epoch 40, CIFAR-10 Batch 4:  Loss:     0.0463 Validation Accuracy: 0.745000
Epoch 40, CIFAR-10 Batch 5:  Loss:     0.0432 Validation Accuracy: 0.741600
Epoch 41, CIFAR-10 Batch 1:  Loss:     0.0589 Validation Accuracy: 0.743600
Epoch 41, CIFAR-10 Batch 2:  Loss:     0.0666 Validation Accuracy: 0.736200
Epoch 41, CIFAR-10 Batch 3:  Loss:     0.0361 Validation Accuracy: 0.742800
Epoch 41, CIFAR-10 Batch 4:  Loss:     0.0458 Validation Accuracy: 0.737800
Epoch 41, CIFAR-10 Batch 5:  Loss:     0.0472 Validation Accuracy: 0.740800
Epoch 42, CIFAR-10 Batch 1:  Loss:     0.0483 Validation Accuracy: 0.739800
Epoch 42, CIFAR-10 Batch 2:  Loss:     0.0412 Validation Accuracy: 0.742400
Epoch 42, CIFAR-10 Batch 3:  Loss:     0.0405 Validation Accuracy: 0.746000
Epoch 42, CIFAR-10 Batch 4:  Loss:     0.0342 Validation Accuracy: 0.741000
Epoch 42, CIFAR-10 Batch 5:  Loss:     0.0487 Validation Accuracy: 0.734000
Epoch 43, CIFAR-10 Batch 1:  Loss:     0.0509 Validation Accuracy: 0.748600
Epoch 43, CIFAR-10 Batch 2:  Loss:     0.0487 Validation Accuracy: 0.744800
Epoch 43, CIFAR-10 Batch 3:  Loss:     0.0492 Validation Accuracy: 0.743200
Epoch 43, CIFAR-10 Batch 4:  Loss:     0.0413 Validation Accuracy: 0.745600
Epoch 43, CIFAR-10 Batch 5:  Loss:     0.0415 Validation Accuracy: 0.740600
Epoch 44, CIFAR-10 Batch 1:  Loss:     0.0613 Validation Accuracy: 0.749000
Epoch 44, CIFAR-10 Batch 2:  Loss:     0.0548 Validation Accuracy: 0.734400
Epoch 44, CIFAR-10 Batch 3:  Loss:     0.0534 Validation Accuracy: 0.733400
Epoch 44, CIFAR-10 Batch 4:  Loss:     0.0605 Validation Accuracy: 0.728200
Epoch 44, CIFAR-10 Batch 5:  Loss:     0.0549 Validation Accuracy: 0.733000
Epoch 45, CIFAR-10 Batch 1:  Loss:     0.0727 Validation Accuracy: 0.741600
Epoch 45, CIFAR-10 Batch 2:  Loss:     0.0468 Validation Accuracy: 0.742200
Epoch 45, CIFAR-10 Batch 3:  Loss:     0.0456 Validation Accuracy: 0.740400
Epoch 45, CIFAR-10 Batch 4:  Loss:     0.0501 Validation Accuracy: 0.739800
Epoch 45, CIFAR-10 Batch 5:  Loss:     0.0298 Validation Accuracy: 0.736000
Epoch 46, CIFAR-10 Batch 1:  Loss:     0.0487 Validation Accuracy: 0.749000
Epoch 46, CIFAR-10 Batch 2:  Loss:     0.0302 Validation Accuracy: 0.741400
Epoch 46, CIFAR-10 Batch 3:  Loss:     0.0466 Validation Accuracy: 0.738400
Epoch 46, CIFAR-10 Batch 4:  Loss:     0.0422 Validation Accuracy: 0.747600
Epoch 46, CIFAR-10 Batch 5:  Loss:     0.0267 Validation Accuracy: 0.744600
Epoch 47, CIFAR-10 Batch 1:  Loss:     0.0750 Validation Accuracy: 0.738000
Epoch 47, CIFAR-10 Batch 2:  Loss:     0.0391 Validation Accuracy: 0.741600
Epoch 47, CIFAR-10 Batch 3:  Loss:     0.0254 Validation Accuracy: 0.752600
Epoch 47, CIFAR-10 Batch 4:  Loss:     0.0269 Validation Accuracy: 0.745200
Epoch 47, CIFAR-10 Batch 5:  Loss:     0.0303 Validation Accuracy: 0.742400
Epoch 48, CIFAR-10 Batch 1:  Loss:     0.0513 Validation Accuracy: 0.747600
Epoch 48, CIFAR-10 Batch 2:  Loss:     0.0308 Validation Accuracy: 0.743800
Epoch 48, CIFAR-10 Batch 3:  Loss:     0.0230 Validation Accuracy: 0.752200
Epoch 48, CIFAR-10 Batch 4:  Loss:     0.0247 Validation Accuracy: 0.750400
Epoch 48, CIFAR-10 Batch 5:  Loss:     0.0176 Validation Accuracy: 0.745800
Epoch 49, CIFAR-10 Batch 1:  Loss:     0.0290 Validation Accuracy: 0.743400
Epoch 49, CIFAR-10 Batch 2:  Loss:     0.0226 Validation Accuracy: 0.750200
Epoch 49, CIFAR-10 Batch 3:  Loss:     0.0224 Validation Accuracy: 0.743400
Epoch 49, CIFAR-10 Batch 4:  Loss:     0.0297 Validation Accuracy: 0.747400
Epoch 49, CIFAR-10 Batch 5:  Loss:     0.0265 Validation Accuracy: 0.742800
Epoch 50, CIFAR-10 Batch 1:  Loss:     0.0268 Validation Accuracy: 0.750400
Epoch 50, CIFAR-10 Batch 2:  Loss:     0.0143 Validation Accuracy: 0.752800
Epoch 50, CIFAR-10 Batch 3:  Loss:     0.0163 Validation Accuracy: 0.750600
Epoch 50, CIFAR-10 Batch 4:  Loss:     0.0183 Validation Accuracy: 0.749200
Epoch 50, CIFAR-10 Batch 5:  Loss:     0.0187 Validation Accuracy: 0.747800

Checkpoint

The model has been saved to disk.

Test Model

Test your model against the test dataset. This will be your final accuracy. You should have an accuracy greater than 50%. If you don't, keep tweaking the model architecture and parameters.


In [33]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
%matplotlib inline
%config InlineBackend.figure_format = 'retina'

import tensorflow as tf
import pickle
import helper
import random

# Set batch size if not already set
try:
    if batch_size:
        pass
except NameError:
    batch_size = 64

save_model_path = './image_classification'
n_samples = 4
top_n_predictions = 3

def test_model():
    """
    Test the saved model against the test dataset
    """

    test_features, test_labels = pickle.load(open('preprocess_training.p', mode='rb'))
    loaded_graph = tf.Graph()

    with tf.Session(graph=loaded_graph) as sess:
        # Load model
        loader = tf.train.import_meta_graph(save_model_path + '.meta')
        loader.restore(sess, save_model_path)

        # Get Tensors from loaded model
        loaded_x = loaded_graph.get_tensor_by_name('x:0')
        loaded_y = loaded_graph.get_tensor_by_name('y:0')
        loaded_keep_prob = loaded_graph.get_tensor_by_name('keep_prob:0')
        loaded_logits = loaded_graph.get_tensor_by_name('logits:0')
        loaded_acc = loaded_graph.get_tensor_by_name('accuracy:0')
        
        # Get accuracy in batches for memory limitations
        test_batch_acc_total = 0
        test_batch_count = 0
        
        for train_feature_batch, train_label_batch in helper.batch_features_labels(test_features, test_labels, batch_size):
            test_batch_acc_total += sess.run(
                loaded_acc,
                feed_dict={loaded_x: train_feature_batch, loaded_y: train_label_batch, loaded_keep_prob: 1.0})
            test_batch_count += 1

        print('Testing Accuracy: {}\n'.format(test_batch_acc_total/test_batch_count))

        # Print Random Samples
        random_test_features, random_test_labels = tuple(zip(*random.sample(list(zip(test_features, test_labels)), n_samples)))
        random_test_predictions = sess.run(
            tf.nn.top_k(tf.nn.softmax(loaded_logits), top_n_predictions),
            feed_dict={loaded_x: random_test_features, loaded_y: random_test_labels, loaded_keep_prob: 1.0})
        helper.display_image_predictions(random_test_features, random_test_labels, random_test_predictions)


test_model()


Testing Accuracy: 0.7445140182971954

Why 50-70% Accuracy?

You might be wondering why you can't get an accuracy any higher. First things first, 50% isn't bad for a simple CNN. Pure guessing would get you 10% accuracy. However, you might notice people are getting scores well above 70%. That's because we haven't taught you all there is to know about neural networks. We still need to cover a few more techniques.

Submitting This Project

When submitting this project, make sure to run all the cells before saving the notebook. Save the notebook file as "dlnd_image_classification.ipynb" and save it as a HTML file under "File" -> "Download as". Include the "helper.py" and "problem_unittests.py" files in your submission.