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'

# Use Floyd's cifar-10 dataset if present
floyd_cifar10_location = '/input/cifar-10/python.tar.gz'
if isfile(floyd_cifar10_location):
    tar_gz_path = floyd_cifar10_location
else:
    tar_gz_path = 'cifar-10-python.tar.gz'

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(tar_gz_path):
    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',
            tar_gz_path,
            pbar.hook)

if not isdir(cifar10_dataset_folder_path):
    with tarfile.open(tar_gz_path) as tar:
        tar.extractall()
        tar.close()


tests.test_folder_path(cifar10_dataset_folder_path)
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 = 1
sample_id = 5
helper.display_stats(cifar10_dataset_folder_path, batch_id, sample_id)
Stats of batch 1:
Samples: 10000
Label Counts: {0: 1005, 1: 974, 2: 1032, 3: 1016, 4: 999, 5: 937, 6: 1030, 7: 1001, 8: 1025, 9: 981}
First 20 Labels: [6, 9, 9, 4, 1, 1, 2, 7, 8, 3, 4, 7, 7, 2, 9, 9, 9, 3, 2, 6]

Example of Image 5:
Image - Min Value: 0 Max Value: 252
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 [3]:
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
    """
    # Get the Norm of the matrix or vector (x).
    norm = np.linalg.norm(x)
    
    # Return the result as a normalized Nupmy array.
    return (x/norm)


"""
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 [4]:
# Load the necessary helper lib
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
    """
    # initialize the binarilizer that binarize labels in a one-vs-all fashion
    lb = preprocessing.LabelBinarizer()
    
    # setup the binarilizer to be a 1x10 array
    lb.fit(range(10))

    # transform the label to binarilized array, eg. 5 would be [0, 0, 0, 0, 0, 1, 0, 0, 0, 0,]
    return lb.transform(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 [5]:
"""
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 [6]:
"""
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 [7]:
import tensorflow as tf

def neural_net_image_input(image_shape):
    """
    Return a Tensor for a batch of image input
    : image_shape: Shape of the images
    : return: Tensor for image input.
    """
    # setup the batch size to 'None'
    batch_size = [None]
    
    # set the shape using image_shape with batch size set to 'None' by append image_shape to batch_size
    return tf.placeholder(tf.float32, shape = np.append(batch_size, 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.
    """
    # setup the batch size to 'None'
    batch_size = [None]
    
    # set the shape using n_classes with batch size set to 'None' by append n_classes to batch_size
    return tf.placeholder(tf.float32, shape = np.append(batch_size, n_classes), name = 'y')


def neural_net_keep_prob_input():
    """
    Return a Tensor for keep probability
    : return: Tensor for keep probability.
    """
    # Return a TF Placeholder for dropout keep probability. shape = None by default.
    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, but you can still use TensorFlow's Neural Network package. You may still use the shortcut option for all the other layers.

In [182]:
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
    """
    # Setup parameters to calculate weight
    filter_height = conv_ksize[0]
    filter_width = conv_ksize[1]
    x_tensor_size_channel = x_tensor.get_shape().as_list()[3]
    
    # weight
    weight = tf.Variable(tf.truncated_normal([filter_height, filter_width, x_tensor_size_channel, conv_num_outputs]))
    
    # bias
    #bias = tf.Variable(tf.random_normal((conv_num_outputs,)))
    bias = tf.Variable(tf.zeros((conv_num_outputs)))
    
    # cast conv_strides to 1x4 list with stride for batch = 1 and stride for feature = 1
    conv_strides = [1] + list(conv_strides) + [1]

    # apply convolution
    conv_layer = tf.nn.conv2d(x_tensor, weight, strides = conv_strides, padding='SAME')
    
    # add bias
    conv_layer = tf.nn.bias_add(conv_layer, bias)
    
    # apply activation function
    conv_layer = tf.nn.relu(conv_layer)
    
    # cast pool_ksize to 1x4 list with stride for batch = 1 and stride for feature = 1
    pool_ksize = [1] + list(pool_ksize) + [1]
    # cast pool_strides to 1x4 list with stride for batch = 1 and stride for feature = 1
    pool_strides = [1] + list(pool_strides) + [1]
    
    # apply max pooling
    conv_layer = tf.nn.max_pool(conv_layer, ksize = pool_ksize, strides = pool_strides, padding='SAME')
    
    return conv_layer 


"""
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 [183]:
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).
    """
    # read the x_tensor as list
    image_size = x_tensor.get_shape().as_list()
    
    # remove the batch size parameter
    image_size.pop(0)
    
    # flatten = Width*height*depth
    # "If one component of shape is the special value -1,
    #  the size of that dimension is computed so that the total size remains constant. "
    new_shape = [-1, np.prod(image_size)]
    
    # change x_tensor correspond to the new shape
    return tf.reshape(x_tensor, new_shape)


"""
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). 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 [184]:
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.
    """
    
    # the default activation function of tf.contrib.layers.fully_connected if ReLu
    return tf.contrib.layers.fully_connected(inputs = x_tensor, num_outputs = num_outputs)


"""
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 [185]:
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.
    """
    # the default activation function of tf.contrib.layers.fully_connected if ReLu
    # set the activation_fn parameter to None to bypass it
    return tf.contrib.layers.fully_connected(inputs = x_tensor, num_outputs = 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 [358]:
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
    """
    
    conv_ksize = (3, 3)
    conv_strides = (1, 1)
    pool_ksize = (2, 2)
    pool_strides = (2, 2)
    
    # 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)
    
    hidden_layer = conv2d_maxpool(x, 32, conv_ksize, conv_strides, pool_ksize, pool_strides)
    hidden_layer = conv2d_maxpool(hidden_layer, 64, conv_ksize, conv_strides, pool_ksize, pool_strides)
    hidden_layer = conv2d_maxpool(hidden_layer, 128, conv_ksize, conv_strides, pool_ksize, pool_strides)
    

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

    # 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)
    
    num_outputs = 512
    
    hidden_layer = fully_conn(hidden_layer, num_outputs)
    hidden_layer = tf.nn.dropout(hidden_layer, keep_prob)
    hidden_layer = fully_conn(hidden_layer, num_outputs)

    
    # TODO: Apply an Output Layer
    #    Set this to the number of classes
    # Function Definition from Above:
    #   output(x_tensor, num_outputs)
    
    out = output(hidden_layer, 10)
    
    # TODO: return output
    return out


"""
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 [359]:
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
    """
    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 [360]:
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.0})
    valid_acc = session.run(accuracy, feed_dict={ x: valid_features, y: valid_labels, keep_prob: 1.0})
    print('Loss: {:>10.4f} Validation Accuracy: {:.6f}'.format(loss, valid_acc))

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 [371]:
# TODO: Tune Parameters
epochs = 48
batch_size = 256
keep_probability = 0.95

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 [372]:
"""
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.1407 Validation Accuracy: 0.203800
Epoch  2, CIFAR-10 Batch 1:  Loss:     2.1563 Validation Accuracy: 0.221400
Epoch  3, CIFAR-10 Batch 1:  Loss:     2.0057 Validation Accuracy: 0.328200
Epoch  4, CIFAR-10 Batch 1:  Loss:     1.8291 Validation Accuracy: 0.320200
Epoch  5, CIFAR-10 Batch 1:  Loss:     1.6582 Validation Accuracy: 0.344400
Epoch  6, CIFAR-10 Batch 1:  Loss:     1.5341 Validation Accuracy: 0.369400
Epoch  7, CIFAR-10 Batch 1:  Loss:     1.4730 Validation Accuracy: 0.386000
Epoch  8, CIFAR-10 Batch 1:  Loss:     1.4088 Validation Accuracy: 0.398000
Epoch  9, CIFAR-10 Batch 1:  Loss:     1.3070 Validation Accuracy: 0.412000
Epoch 10, CIFAR-10 Batch 1:  Loss:     1.2812 Validation Accuracy: 0.425000
Epoch 11, CIFAR-10 Batch 1:  Loss:     1.2168 Validation Accuracy: 0.397000
Epoch 12, CIFAR-10 Batch 1:  Loss:     1.1513 Validation Accuracy: 0.412600
Epoch 13, CIFAR-10 Batch 1:  Loss:     1.0443 Validation Accuracy: 0.424400
Epoch 14, CIFAR-10 Batch 1:  Loss:     1.0254 Validation Accuracy: 0.409600
Epoch 15, CIFAR-10 Batch 1:  Loss:     0.9154 Validation Accuracy: 0.406000
Epoch 16, CIFAR-10 Batch 1:  Loss:     0.8665 Validation Accuracy: 0.405000
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.8713 Validation Accuracy: 0.408800
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.7953 Validation Accuracy: 0.411800
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.8059 Validation Accuracy: 0.410200
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.6818 Validation Accuracy: 0.441200
Epoch 21, CIFAR-10 Batch 1:  Loss:     0.6559 Validation Accuracy: 0.433200
Epoch 22, CIFAR-10 Batch 1:  Loss:     0.6433 Validation Accuracy: 0.409400
Epoch 23, CIFAR-10 Batch 1:  Loss:     0.6015 Validation Accuracy: 0.422400
Epoch 24, CIFAR-10 Batch 1:  Loss:     0.5731 Validation Accuracy: 0.445000
Epoch 25, CIFAR-10 Batch 1:  Loss:     0.4785 Validation Accuracy: 0.453800
Epoch 26, CIFAR-10 Batch 1:  Loss:     0.4434 Validation Accuracy: 0.445000
Epoch 27, CIFAR-10 Batch 1:  Loss:     0.4296 Validation Accuracy: 0.440000
Epoch 28, CIFAR-10 Batch 1:  Loss:     0.4356 Validation Accuracy: 0.428200
Epoch 29, CIFAR-10 Batch 1:  Loss:     0.3626 Validation Accuracy: 0.474600
Epoch 30, CIFAR-10 Batch 1:  Loss:     0.3827 Validation Accuracy: 0.438000
Epoch 31, CIFAR-10 Batch 1:  Loss:     0.3321 Validation Accuracy: 0.449600
Epoch 32, CIFAR-10 Batch 1:  Loss:     0.2719 Validation Accuracy: 0.476400
Epoch 33, CIFAR-10 Batch 1:  Loss:     0.3356 Validation Accuracy: 0.485200
Epoch 34, CIFAR-10 Batch 1:  Loss:     0.3320 Validation Accuracy: 0.503600
Epoch 35, CIFAR-10 Batch 1:  Loss:     0.2717 Validation Accuracy: 0.496800
Epoch 36, CIFAR-10 Batch 1:  Loss:     0.2509 Validation Accuracy: 0.483000
Epoch 37, CIFAR-10 Batch 1:  Loss:     0.1960 Validation Accuracy: 0.490200
Epoch 38, CIFAR-10 Batch 1:  Loss:     0.2051 Validation Accuracy: 0.491400
Epoch 39, CIFAR-10 Batch 1:  Loss:     0.2416 Validation Accuracy: 0.488400
Epoch 40, CIFAR-10 Batch 1:  Loss:     0.1931 Validation Accuracy: 0.467800
Epoch 41, CIFAR-10 Batch 1:  Loss:     0.1477 Validation Accuracy: 0.473600
Epoch 42, CIFAR-10 Batch 1:  Loss:     0.2211 Validation Accuracy: 0.464800
Epoch 43, CIFAR-10 Batch 1:  Loss:     0.1507 Validation Accuracy: 0.507200
Epoch 44, CIFAR-10 Batch 1:  Loss:     0.1596 Validation Accuracy: 0.474200
Epoch 45, CIFAR-10 Batch 1:  Loss:     0.1391 Validation Accuracy: 0.499800
Epoch 46, CIFAR-10 Batch 1:  Loss:     0.1578 Validation Accuracy: 0.498000
Epoch 47, CIFAR-10 Batch 1:  Loss:     0.1155 Validation Accuracy: 0.498600
Epoch 48, CIFAR-10 Batch 1:  Loss:     0.1687 Validation Accuracy: 0.500000

Fully Train the Model

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

In [373]:
"""
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.1641 Validation Accuracy: 0.163200
Epoch  1, CIFAR-10 Batch 2:  Loss:     1.9473 Validation Accuracy: 0.270600
Epoch  1, CIFAR-10 Batch 3:  Loss:     1.6549 Validation Accuracy: 0.280200
Epoch  1, CIFAR-10 Batch 4:  Loss:     1.5421 Validation Accuracy: 0.367000
Epoch  1, CIFAR-10 Batch 5:  Loss:     1.8175 Validation Accuracy: 0.354600
Epoch  2, CIFAR-10 Batch 1:  Loss:     1.7761 Validation Accuracy: 0.388000
Epoch  2, CIFAR-10 Batch 2:  Loss:     1.5188 Validation Accuracy: 0.360000
Epoch  2, CIFAR-10 Batch 3:  Loss:     1.3365 Validation Accuracy: 0.379800
Epoch  2, CIFAR-10 Batch 4:  Loss:     1.3627 Validation Accuracy: 0.428400
Epoch  2, CIFAR-10 Batch 5:  Loss:     1.4948 Validation Accuracy: 0.419800
Epoch  3, CIFAR-10 Batch 1:  Loss:     1.5416 Validation Accuracy: 0.434200
Epoch  3, CIFAR-10 Batch 2:  Loss:     1.4000 Validation Accuracy: 0.367800
Epoch  3, CIFAR-10 Batch 3:  Loss:     1.1791 Validation Accuracy: 0.361800
Epoch  3, CIFAR-10 Batch 4:  Loss:     1.2466 Validation Accuracy: 0.454600
Epoch  3, CIFAR-10 Batch 5:  Loss:     1.3831 Validation Accuracy: 0.432800
Epoch  4, CIFAR-10 Batch 1:  Loss:     1.5142 Validation Accuracy: 0.429600
Epoch  4, CIFAR-10 Batch 2:  Loss:     1.2076 Validation Accuracy: 0.425400
Epoch  4, CIFAR-10 Batch 3:  Loss:     1.0711 Validation Accuracy: 0.435200
Epoch  4, CIFAR-10 Batch 4:  Loss:     1.0869 Validation Accuracy: 0.485400
Epoch  4, CIFAR-10 Batch 5:  Loss:     1.3041 Validation Accuracy: 0.380000
Epoch  5, CIFAR-10 Batch 1:  Loss:     1.3125 Validation Accuracy: 0.452000
Epoch  5, CIFAR-10 Batch 2:  Loss:     1.0989 Validation Accuracy: 0.407000
Epoch  5, CIFAR-10 Batch 3:  Loss:     0.9473 Validation Accuracy: 0.436000
Epoch  5, CIFAR-10 Batch 4:  Loss:     0.9818 Validation Accuracy: 0.490600
Epoch  5, CIFAR-10 Batch 5:  Loss:     1.2869 Validation Accuracy: 0.413200
Epoch  6, CIFAR-10 Batch 1:  Loss:     1.2036 Validation Accuracy: 0.468000
Epoch  6, CIFAR-10 Batch 2:  Loss:     1.1912 Validation Accuracy: 0.466200
Epoch  6, CIFAR-10 Batch 3:  Loss:     0.8227 Validation Accuracy: 0.421800
Epoch  6, CIFAR-10 Batch 4:  Loss:     0.8478 Validation Accuracy: 0.507400
Epoch  6, CIFAR-10 Batch 5:  Loss:     1.0353 Validation Accuracy: 0.472000
Epoch  7, CIFAR-10 Batch 1:  Loss:     1.0913 Validation Accuracy: 0.514600
Epoch  7, CIFAR-10 Batch 2:  Loss:     0.8266 Validation Accuracy: 0.504000
Epoch  7, CIFAR-10 Batch 3:  Loss:     0.7280 Validation Accuracy: 0.460000
Epoch  7, CIFAR-10 Batch 4:  Loss:     0.7517 Validation Accuracy: 0.534000
Epoch  7, CIFAR-10 Batch 5:  Loss:     0.8976 Validation Accuracy: 0.489600
Epoch  8, CIFAR-10 Batch 1:  Loss:     0.9163 Validation Accuracy: 0.482400
Epoch  8, CIFAR-10 Batch 2:  Loss:     0.7149 Validation Accuracy: 0.510400
Epoch  8, CIFAR-10 Batch 3:  Loss:     0.6692 Validation Accuracy: 0.427000
Epoch  8, CIFAR-10 Batch 4:  Loss:     0.6499 Validation Accuracy: 0.528400
Epoch  8, CIFAR-10 Batch 5:  Loss:     0.7631 Validation Accuracy: 0.521600
Epoch  9, CIFAR-10 Batch 1:  Loss:     0.8510 Validation Accuracy: 0.503000
Epoch  9, CIFAR-10 Batch 2:  Loss:     0.6427 Validation Accuracy: 0.501200
Epoch  9, CIFAR-10 Batch 3:  Loss:     0.5919 Validation Accuracy: 0.512400
Epoch  9, CIFAR-10 Batch 4:  Loss:     0.5815 Validation Accuracy: 0.534800
Epoch  9, CIFAR-10 Batch 5:  Loss:     0.6258 Validation Accuracy: 0.505200
Epoch 10, CIFAR-10 Batch 1:  Loss:     0.8842 Validation Accuracy: 0.507200
Epoch 10, CIFAR-10 Batch 2:  Loss:     0.5413 Validation Accuracy: 0.516800
Epoch 10, CIFAR-10 Batch 3:  Loss:     0.4513 Validation Accuracy: 0.522600
Epoch 10, CIFAR-10 Batch 4:  Loss:     0.5454 Validation Accuracy: 0.563000
Epoch 10, CIFAR-10 Batch 5:  Loss:     0.5627 Validation Accuracy: 0.509000
Epoch 11, CIFAR-10 Batch 1:  Loss:     0.6823 Validation Accuracy: 0.518400
Epoch 11, CIFAR-10 Batch 2:  Loss:     0.4323 Validation Accuracy: 0.539200
Epoch 11, CIFAR-10 Batch 3:  Loss:     0.3462 Validation Accuracy: 0.525200
Epoch 11, CIFAR-10 Batch 4:  Loss:     0.4904 Validation Accuracy: 0.548800
Epoch 11, CIFAR-10 Batch 5:  Loss:     0.4377 Validation Accuracy: 0.526200
Epoch 12, CIFAR-10 Batch 1:  Loss:     0.5586 Validation Accuracy: 0.513000
Epoch 12, CIFAR-10 Batch 2:  Loss:     0.4010 Validation Accuracy: 0.518200
Epoch 12, CIFAR-10 Batch 3:  Loss:     0.3455 Validation Accuracy: 0.484400
Epoch 12, CIFAR-10 Batch 4:  Loss:     0.3587 Validation Accuracy: 0.529000
Epoch 12, CIFAR-10 Batch 5:  Loss:     0.3428 Validation Accuracy: 0.549800
Epoch 13, CIFAR-10 Batch 1:  Loss:     0.4685 Validation Accuracy: 0.530400
Epoch 13, CIFAR-10 Batch 2:  Loss:     0.2991 Validation Accuracy: 0.556000
Epoch 13, CIFAR-10 Batch 3:  Loss:     0.3037 Validation Accuracy: 0.504000
Epoch 13, CIFAR-10 Batch 4:  Loss:     0.3145 Validation Accuracy: 0.564600
Epoch 13, CIFAR-10 Batch 5:  Loss:     0.2970 Validation Accuracy: 0.556800
Epoch 14, CIFAR-10 Batch 1:  Loss:     0.5153 Validation Accuracy: 0.522400
Epoch 14, CIFAR-10 Batch 2:  Loss:     0.2964 Validation Accuracy: 0.516600
Epoch 14, CIFAR-10 Batch 3:  Loss:     0.2381 Validation Accuracy: 0.546000
Epoch 14, CIFAR-10 Batch 4:  Loss:     0.2839 Validation Accuracy: 0.559200
Epoch 14, CIFAR-10 Batch 5:  Loss:     0.2962 Validation Accuracy: 0.524000
Epoch 15, CIFAR-10 Batch 1:  Loss:     0.4366 Validation Accuracy: 0.527200
Epoch 15, CIFAR-10 Batch 2:  Loss:     0.3806 Validation Accuracy: 0.482400
Epoch 15, CIFAR-10 Batch 3:  Loss:     0.2357 Validation Accuracy: 0.532800
Epoch 15, CIFAR-10 Batch 4:  Loss:     0.2478 Validation Accuracy: 0.572200
Epoch 15, CIFAR-10 Batch 5:  Loss:     0.3726 Validation Accuracy: 0.502200
Epoch 16, CIFAR-10 Batch 1:  Loss:     0.3282 Validation Accuracy: 0.553400
Epoch 16, CIFAR-10 Batch 2:  Loss:     0.2737 Validation Accuracy: 0.477800
Epoch 16, CIFAR-10 Batch 3:  Loss:     0.2281 Validation Accuracy: 0.552400
Epoch 16, CIFAR-10 Batch 4:  Loss:     0.2362 Validation Accuracy: 0.586800
Epoch 16, CIFAR-10 Batch 5:  Loss:     0.2260 Validation Accuracy: 0.543000
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.3159 Validation Accuracy: 0.538400
Epoch 17, CIFAR-10 Batch 2:  Loss:     0.2201 Validation Accuracy: 0.531200
Epoch 17, CIFAR-10 Batch 3:  Loss:     0.1891 Validation Accuracy: 0.494600
Epoch 17, CIFAR-10 Batch 4:  Loss:     0.1734 Validation Accuracy: 0.547200
Epoch 17, CIFAR-10 Batch 5:  Loss:     0.2091 Validation Accuracy: 0.544800
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.2912 Validation Accuracy: 0.515000
Epoch 18, CIFAR-10 Batch 2:  Loss:     0.1487 Validation Accuracy: 0.555600
Epoch 18, CIFAR-10 Batch 3:  Loss:     0.2417 Validation Accuracy: 0.503200
Epoch 18, CIFAR-10 Batch 4:  Loss:     0.2476 Validation Accuracy: 0.517200
Epoch 18, CIFAR-10 Batch 5:  Loss:     0.2103 Validation Accuracy: 0.545000
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.2276 Validation Accuracy: 0.548400
Epoch 19, CIFAR-10 Batch 2:  Loss:     0.1574 Validation Accuracy: 0.550800
Epoch 19, CIFAR-10 Batch 3:  Loss:     0.1966 Validation Accuracy: 0.466000
Epoch 19, CIFAR-10 Batch 4:  Loss:     0.2169 Validation Accuracy: 0.516600
Epoch 19, CIFAR-10 Batch 5:  Loss:     0.1940 Validation Accuracy: 0.517200
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.1779 Validation Accuracy: 0.557200
Epoch 20, CIFAR-10 Batch 2:  Loss:     0.1602 Validation Accuracy: 0.540000
Epoch 20, CIFAR-10 Batch 3:  Loss:     0.1183 Validation Accuracy: 0.525200
Epoch 20, CIFAR-10 Batch 4:  Loss:     0.1480 Validation Accuracy: 0.514000
Epoch 20, CIFAR-10 Batch 5:  Loss:     0.1368 Validation Accuracy: 0.533400
Epoch 21, CIFAR-10 Batch 1:  Loss:     0.1936 Validation Accuracy: 0.560600
Epoch 21, CIFAR-10 Batch 2:  Loss:     0.1403 Validation Accuracy: 0.547800
Epoch 21, CIFAR-10 Batch 3:  Loss:     0.0981 Validation Accuracy: 0.529800
Epoch 21, CIFAR-10 Batch 4:  Loss:     0.1483 Validation Accuracy: 0.537800
Epoch 21, CIFAR-10 Batch 5:  Loss:     0.1456 Validation Accuracy: 0.520000
Epoch 22, CIFAR-10 Batch 1:  Loss:     0.1632 Validation Accuracy: 0.501800
Epoch 22, CIFAR-10 Batch 2:  Loss:     0.1630 Validation Accuracy: 0.581400
Epoch 22, CIFAR-10 Batch 3:  Loss:     0.0707 Validation Accuracy: 0.545200
Epoch 22, CIFAR-10 Batch 4:  Loss:     0.0886 Validation Accuracy: 0.570400
Epoch 22, CIFAR-10 Batch 5:  Loss:     0.1135 Validation Accuracy: 0.539600
Epoch 23, CIFAR-10 Batch 1:  Loss:     0.1750 Validation Accuracy: 0.537400
Epoch 23, CIFAR-10 Batch 2:  Loss:     0.1029 Validation Accuracy: 0.531400
Epoch 23, CIFAR-10 Batch 3:  Loss:     0.0716 Validation Accuracy: 0.545800
Epoch 23, CIFAR-10 Batch 4:  Loss:     0.1086 Validation Accuracy: 0.563200
Epoch 23, CIFAR-10 Batch 5:  Loss:     0.1178 Validation Accuracy: 0.542400
Epoch 24, CIFAR-10 Batch 1:  Loss:     0.1544 Validation Accuracy: 0.506400
Epoch 24, CIFAR-10 Batch 2:  Loss:     0.1159 Validation Accuracy: 0.569600
Epoch 24, CIFAR-10 Batch 3:  Loss:     0.0957 Validation Accuracy: 0.542000
Epoch 24, CIFAR-10 Batch 4:  Loss:     0.1278 Validation Accuracy: 0.579400
Epoch 24, CIFAR-10 Batch 5:  Loss:     0.1017 Validation Accuracy: 0.540000
Epoch 25, CIFAR-10 Batch 1:  Loss:     0.1441 Validation Accuracy: 0.502000
Epoch 25, CIFAR-10 Batch 2:  Loss:     0.0969 Validation Accuracy: 0.551000
Epoch 25, CIFAR-10 Batch 3:  Loss:     0.1200 Validation Accuracy: 0.482200
Epoch 25, CIFAR-10 Batch 4:  Loss:     0.0598 Validation Accuracy: 0.578000
Epoch 25, CIFAR-10 Batch 5:  Loss:     0.0505 Validation Accuracy: 0.566600
Epoch 26, CIFAR-10 Batch 1:  Loss:     0.1390 Validation Accuracy: 0.504800
Epoch 26, CIFAR-10 Batch 2:  Loss:     0.1103 Validation Accuracy: 0.562800
Epoch 26, CIFAR-10 Batch 3:  Loss:     0.0593 Validation Accuracy: 0.522200
Epoch 26, CIFAR-10 Batch 4:  Loss:     0.0717 Validation Accuracy: 0.535200
Epoch 26, CIFAR-10 Batch 5:  Loss:     0.0859 Validation Accuracy: 0.544000
Epoch 27, CIFAR-10 Batch 1:  Loss:     0.0958 Validation Accuracy: 0.511400
Epoch 27, CIFAR-10 Batch 2:  Loss:     0.0806 Validation Accuracy: 0.516600
Epoch 27, CIFAR-10 Batch 3:  Loss:     0.0558 Validation Accuracy: 0.553000
Epoch 27, CIFAR-10 Batch 4:  Loss:     0.0579 Validation Accuracy: 0.525800
Epoch 27, CIFAR-10 Batch 5:  Loss:     0.0707 Validation Accuracy: 0.538200
Epoch 28, CIFAR-10 Batch 1:  Loss:     0.0879 Validation Accuracy: 0.515400
Epoch 28, CIFAR-10 Batch 2:  Loss:     0.0840 Validation Accuracy: 0.517800
Epoch 28, CIFAR-10 Batch 3:  Loss:     0.0517 Validation Accuracy: 0.533400
Epoch 28, CIFAR-10 Batch 4:  Loss:     0.0888 Validation Accuracy: 0.543600
Epoch 28, CIFAR-10 Batch 5:  Loss:     0.1080 Validation Accuracy: 0.539000
Epoch 29, CIFAR-10 Batch 1:  Loss:     0.1062 Validation Accuracy: 0.517000
Epoch 29, CIFAR-10 Batch 2:  Loss:     0.1063 Validation Accuracy: 0.490200
Epoch 29, CIFAR-10 Batch 3:  Loss:     0.0523 Validation Accuracy: 0.540800
Epoch 29, CIFAR-10 Batch 4:  Loss:     0.1001 Validation Accuracy: 0.557800
Epoch 29, CIFAR-10 Batch 5:  Loss:     0.0786 Validation Accuracy: 0.523800
Epoch 30, CIFAR-10 Batch 1:  Loss:     0.0636 Validation Accuracy: 0.543200
Epoch 30, CIFAR-10 Batch 2:  Loss:     0.0515 Validation Accuracy: 0.505600
Epoch 30, CIFAR-10 Batch 3:  Loss:     0.0424 Validation Accuracy: 0.564600
Epoch 30, CIFAR-10 Batch 4:  Loss:     0.0887 Validation Accuracy: 0.522600
Epoch 30, CIFAR-10 Batch 5:  Loss:     0.0394 Validation Accuracy: 0.545800
Epoch 31, CIFAR-10 Batch 1:  Loss:     0.0667 Validation Accuracy: 0.529000
Epoch 31, CIFAR-10 Batch 2:  Loss:     0.0614 Validation Accuracy: 0.510400
Epoch 31, CIFAR-10 Batch 3:  Loss:     0.0387 Validation Accuracy: 0.541600
Epoch 31, CIFAR-10 Batch 4:  Loss:     0.0584 Validation Accuracy: 0.532800
Epoch 31, CIFAR-10 Batch 5:  Loss:     0.0399 Validation Accuracy: 0.528600
Epoch 32, CIFAR-10 Batch 1:  Loss:     0.1131 Validation Accuracy: 0.513000
Epoch 32, CIFAR-10 Batch 2:  Loss:     0.0517 Validation Accuracy: 0.538600
Epoch 32, CIFAR-10 Batch 3:  Loss:     0.0545 Validation Accuracy: 0.526800
Epoch 32, CIFAR-10 Batch 4:  Loss:     0.0454 Validation Accuracy: 0.544800
Epoch 32, CIFAR-10 Batch 5:  Loss:     0.0373 Validation Accuracy: 0.531400
Epoch 33, CIFAR-10 Batch 1:  Loss:     0.0664 Validation Accuracy: 0.569400
Epoch 33, CIFAR-10 Batch 2:  Loss:     0.0628 Validation Accuracy: 0.509800
Epoch 33, CIFAR-10 Batch 3:  Loss:     0.0480 Validation Accuracy: 0.535400
Epoch 33, CIFAR-10 Batch 4:  Loss:     0.0426 Validation Accuracy: 0.542400
Epoch 33, CIFAR-10 Batch 5:  Loss:     0.0572 Validation Accuracy: 0.508000
Epoch 34, CIFAR-10 Batch 1:  Loss:     0.0578 Validation Accuracy: 0.575800
Epoch 34, CIFAR-10 Batch 2:  Loss:     0.0282 Validation Accuracy: 0.540600
Epoch 34, CIFAR-10 Batch 3:  Loss:     0.0240 Validation Accuracy: 0.520200
Epoch 34, CIFAR-10 Batch 4:  Loss:     0.0286 Validation Accuracy: 0.551600
Epoch 34, CIFAR-10 Batch 5:  Loss:     0.0460 Validation Accuracy: 0.527800
Epoch 35, CIFAR-10 Batch 1:  Loss:     0.0401 Validation Accuracy: 0.572800
Epoch 35, CIFAR-10 Batch 2:  Loss:     0.0345 Validation Accuracy: 0.559400
Epoch 35, CIFAR-10 Batch 3:  Loss:     0.0295 Validation Accuracy: 0.534000
Epoch 35, CIFAR-10 Batch 4:  Loss:     0.0549 Validation Accuracy: 0.534200
Epoch 35, CIFAR-10 Batch 5:  Loss:     0.0456 Validation Accuracy: 0.527400
Epoch 36, CIFAR-10 Batch 1:  Loss:     0.0364 Validation Accuracy: 0.562200
Epoch 36, CIFAR-10 Batch 2:  Loss:     0.0449 Validation Accuracy: 0.583800
Epoch 36, CIFAR-10 Batch 3:  Loss:     0.0444 Validation Accuracy: 0.544000
Epoch 36, CIFAR-10 Batch 4:  Loss:     0.0359 Validation Accuracy: 0.517200
Epoch 36, CIFAR-10 Batch 5:  Loss:     0.0470 Validation Accuracy: 0.562600
Epoch 37, CIFAR-10 Batch 1:  Loss:     0.0262 Validation Accuracy: 0.556600
Epoch 37, CIFAR-10 Batch 2:  Loss:     0.0338 Validation Accuracy: 0.568000
Epoch 37, CIFAR-10 Batch 3:  Loss:     0.0582 Validation Accuracy: 0.564800
Epoch 37, CIFAR-10 Batch 4:  Loss:     0.0306 Validation Accuracy: 0.526600
Epoch 37, CIFAR-10 Batch 5:  Loss:     0.0220 Validation Accuracy: 0.577800
Epoch 38, CIFAR-10 Batch 1:  Loss:     0.0283 Validation Accuracy: 0.560800
Epoch 38, CIFAR-10 Batch 2:  Loss:     0.0251 Validation Accuracy: 0.549400
Epoch 38, CIFAR-10 Batch 3:  Loss:     0.0285 Validation Accuracy: 0.553400
Epoch 38, CIFAR-10 Batch 4:  Loss:     0.0334 Validation Accuracy: 0.533000
Epoch 38, CIFAR-10 Batch 5:  Loss:     0.0195 Validation Accuracy: 0.578800
Epoch 39, CIFAR-10 Batch 1:  Loss:     0.0325 Validation Accuracy: 0.581800
Epoch 39, CIFAR-10 Batch 2:  Loss:     0.0076 Validation Accuracy: 0.537400
Epoch 39, CIFAR-10 Batch 3:  Loss:     0.0258 Validation Accuracy: 0.553400
Epoch 39, CIFAR-10 Batch 4:  Loss:     0.0224 Validation Accuracy: 0.527400
Epoch 39, CIFAR-10 Batch 5:  Loss:     0.0115 Validation Accuracy: 0.568200
Epoch 40, CIFAR-10 Batch 1:  Loss:     0.0363 Validation Accuracy: 0.576000
Epoch 40, CIFAR-10 Batch 2:  Loss:     0.0133 Validation Accuracy: 0.521600
Epoch 40, CIFAR-10 Batch 3:  Loss:     0.0178 Validation Accuracy: 0.560000
Epoch 40, CIFAR-10 Batch 4:  Loss:     0.0244 Validation Accuracy: 0.542000
Epoch 40, CIFAR-10 Batch 5:  Loss:     0.0150 Validation Accuracy: 0.563400
Epoch 41, CIFAR-10 Batch 1:  Loss:     0.0208 Validation Accuracy: 0.566800
Epoch 41, CIFAR-10 Batch 2:  Loss:     0.0147 Validation Accuracy: 0.546800
Epoch 41, CIFAR-10 Batch 3:  Loss:     0.0115 Validation Accuracy: 0.576600
Epoch 41, CIFAR-10 Batch 4:  Loss:     0.0290 Validation Accuracy: 0.547800
Epoch 41, CIFAR-10 Batch 5:  Loss:     0.0200 Validation Accuracy: 0.564200
Epoch 42, CIFAR-10 Batch 1:  Loss:     0.0380 Validation Accuracy: 0.541600
Epoch 42, CIFAR-10 Batch 2:  Loss:     0.0318 Validation Accuracy: 0.546200
Epoch 42, CIFAR-10 Batch 3:  Loss:     0.0173 Validation Accuracy: 0.548000
Epoch 42, CIFAR-10 Batch 4:  Loss:     0.0119 Validation Accuracy: 0.538200
Epoch 42, CIFAR-10 Batch 5:  Loss:     0.0146 Validation Accuracy: 0.566600
Epoch 43, CIFAR-10 Batch 1:  Loss:     0.0261 Validation Accuracy: 0.563800
Epoch 43, CIFAR-10 Batch 2:  Loss:     0.0198 Validation Accuracy: 0.557200
Epoch 43, CIFAR-10 Batch 3:  Loss:     0.0096 Validation Accuracy: 0.563600
Epoch 43, CIFAR-10 Batch 4:  Loss:     0.0131 Validation Accuracy: 0.515400
Epoch 43, CIFAR-10 Batch 5:  Loss:     0.0178 Validation Accuracy: 0.575800
Epoch 44, CIFAR-10 Batch 1:  Loss:     0.0103 Validation Accuracy: 0.558400
Epoch 44, CIFAR-10 Batch 2:  Loss:     0.0166 Validation Accuracy: 0.548800
Epoch 44, CIFAR-10 Batch 3:  Loss:     0.0039 Validation Accuracy: 0.563600
Epoch 44, CIFAR-10 Batch 4:  Loss:     0.0240 Validation Accuracy: 0.496000
Epoch 44, CIFAR-10 Batch 5:  Loss:     0.0177 Validation Accuracy: 0.558600
Epoch 45, CIFAR-10 Batch 1:  Loss:     0.0418 Validation Accuracy: 0.572600
Epoch 45, CIFAR-10 Batch 2:  Loss:     0.0083 Validation Accuracy: 0.534200
Epoch 45, CIFAR-10 Batch 3:  Loss:     0.0117 Validation Accuracy: 0.565200
Epoch 45, CIFAR-10 Batch 4:  Loss:     0.0072 Validation Accuracy: 0.517200
Epoch 45, CIFAR-10 Batch 5:  Loss:     0.0193 Validation Accuracy: 0.561800
Epoch 46, CIFAR-10 Batch 1:  Loss:     0.0080 Validation Accuracy: 0.562600
Epoch 46, CIFAR-10 Batch 2:  Loss:     0.0182 Validation Accuracy: 0.522400
Epoch 46, CIFAR-10 Batch 3:  Loss:     0.0179 Validation Accuracy: 0.548400
Epoch 46, CIFAR-10 Batch 4:  Loss:     0.0135 Validation Accuracy: 0.516200
Epoch 46, CIFAR-10 Batch 5:  Loss:     0.0155 Validation Accuracy: 0.564000
Epoch 47, CIFAR-10 Batch 1:  Loss:     0.0086 Validation Accuracy: 0.541400
Epoch 47, CIFAR-10 Batch 2:  Loss:     0.0066 Validation Accuracy: 0.519200
Epoch 47, CIFAR-10 Batch 3:  Loss:     0.0133 Validation Accuracy: 0.545800
Epoch 47, CIFAR-10 Batch 4:  Loss:     0.0107 Validation Accuracy: 0.515400
Epoch 47, CIFAR-10 Batch 5:  Loss:     0.0071 Validation Accuracy: 0.542200
Epoch 48, CIFAR-10 Batch 1:  Loss:     0.0394 Validation Accuracy: 0.512400
Epoch 48, CIFAR-10 Batch 2:  Loss:     0.0051 Validation Accuracy: 0.520600
Epoch 48, CIFAR-10 Batch 3:  Loss:     0.0138 Validation Accuracy: 0.551400
Epoch 48, CIFAR-10 Batch 4:  Loss:     0.0247 Validation Accuracy: 0.480800
Epoch 48, CIFAR-10 Batch 5:  Loss:     0.0079 Validation Accuracy: 0.563000

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 [374]:
"""
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_test.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 test_feature_batch, test_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: test_feature_batch, loaded_y: test_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()
INFO:tensorflow:Restoring parameters from ./image_classification
Testing Accuracy: 0.5822265625

Why 50-80% 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 80%. 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.