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 [46]:
"""
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 [47]:
%matplotlib inline
%config InlineBackend.figure_format = 'retina'

import helper
import numpy as np

# Explore the dataset
batch_id = 5
sample_id = 7
helper.display_stats(cifar10_dataset_folder_path, batch_id, sample_id)


Stats of batch 5:
Samples: 10000
Label Counts: {0: 1014, 1: 1014, 2: 952, 3: 1016, 4: 997, 5: 1025, 6: 980, 7: 977, 8: 1003, 9: 1022}
First 20 Labels: [1, 8, 5, 1, 5, 7, 4, 3, 8, 2, 7, 2, 0, 1, 5, 9, 6, 2, 0, 8]

Example of Image 7:
Image - Min Value: 20 Max Value: 255
Image - Shape: (32, 32, 3)
Label - Label Id: 3 Name: cat

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 [48]:
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
    """
    a = -0.1
    b = 0.1
    Xmin = 0
    Xmax = 255
    return a + (x-Xmin) * (b-a) / (Xmax-Xmin)


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


Out[48]:
"\nDON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE\n"

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.


In [49]:
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.identity(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 [50]:
"""
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 [1]:
"""
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.

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 [2]:
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.
    """
    return tf.placeholder("float", [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("float", [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("float", name="keep_prob")

def neural_net_is_training_input():
    return tf.placeholder(tf.bool, name="is_training")


"""
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.

In [3]:
def leaky_relu(x, alpha=0.05, name='leaky_relu'):
    return tf.maximum(x, alpha * x, name=name)

In [24]:
def conv_layer(x_tensor, conv_num_outputs, conv_ksize, conv_strides, is_training=True):
    """
    Apply convolution 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
    : return: A tensor that represents convolution of x_tensor
    """
    initializer = tf.contrib.layers.xavier_initializer()
    W = tf.Variable(initializer([*conv_ksize, int(x_tensor.shape[3]), conv_num_outputs]))
    b = tf.Variable(tf.zeros(conv_num_outputs))
    
    x = tf.nn.conv2d(x_tensor, W, strides=[1, *conv_strides, 1], padding='SAME')
    x = tf.nn.bias_add(x, b)
    x = tf.layers.batch_normalization(x, training=is_training)
    x = leaky_relu(x)
    
    return x
    
def maxpool(x_tensor, pool_ksize, pool_strides):
    """
    Apply max pooling to x_tensor
    :param x_tensor: TensorFlow Tensor
    :param pool_ksize: kernal size 2-D Tuple for pool
    :param pool_strides: Stride 2-D Tuple for pool
    : return: A tensor that represents max pooling of x_tensor
    """
    x = tf.nn.max_pool(x_tensor, 
                   ksize=[1, *pool_ksize, 1], 
                   strides=[1, *pool_strides, 1], 
                   padding='SAME') 
    return x

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).


In [25]:
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).


In [26]:
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.
    """
    x = tf.layers.dense(x_tensor, num_outputs)
    x = leaky_relu(x)
    return x


"""
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).

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


In [27]:
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.
    """
    x = tf.layers.dense(x_tensor, num_outputs)
    return x


"""
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 [20]:
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
    """
    # Convolution and Max Pool layers

    x = conv_layer(x, 32, (3, 3), (1, 1))
    x = conv_layer(x, 32, (3, 3), (1, 1))
    x = maxpool(x, (2, 2), (2, 2))
    
    x = conv_layer(x, 64, (3, 3), (1, 1))
    x = conv_layer(x, 64, (3, 3), (1, 1))
    x = maxpool(x, (2, 2), (2, 2))
    
    x = conv_layer(x, 128, (3, 3), (1, 1))
    x = conv_layer(x, 128, (3, 3), (1, 1))
    x = conv_layer(x, 128, (3, 3), (1, 1))
    x = maxpool(x, (2, 2), (2, 2))
    
#     x = conv_layer(x, 256, (3, 3), (1, 1))
#     x = conv_layer(x, 256, (3, 3), (1, 1))
#     x = conv_layer(x, 256, (3, 3), (1, 1))
#     x = maxpool(x, (2, 2), (2, 2))
    
#     x = conv_layer(x, 256, (3, 3), (1, 1))
#     x = conv_layer(x, 256, (3, 3), (1, 1))
#     x = conv_layer(x, 256, (3, 3), (1, 1))
#     x = maxpool(x, (2, 2), (2, 2))
    
    # Flatten Layer
    x = flatten(x)

    # Fully Connected Layers
    for i in range(2):
        x = fully_conn(x, 512)
        x = tf.nn.dropout(x, keep_prob)
    
    
    # Output Layer
    #    Set this to the number of classes
    x = output(x, 10)
    
    
    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 [21]:
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 [22]:
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
    """
    # Calculate batch loss and accuracy
    loss = session.run(cost, feed_dict={
        x: feature_batch,
        y: label_batch,
        keep_prob: 1.})
    valid_acc = session.run(accuracy, feed_dict={
        x: valid_features,
        y: valid_labels,
        keep_prob: 1.})

    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 [23]:
# Tune Parameters
epochs = 25
batch_size = 256
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 [24]:
"""
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:     1.8774 Validation Accuracy: 0.349000
Epoch  2, CIFAR-10 Batch 1:  Loss:     1.4670 Validation Accuracy: 0.435600
Epoch  3, CIFAR-10 Batch 1:  Loss:     1.2918 Validation Accuracy: 0.468000
Epoch  4, CIFAR-10 Batch 1:  Loss:     1.1613 Validation Accuracy: 0.502000
Epoch  5, CIFAR-10 Batch 1:  Loss:     0.9767 Validation Accuracy: 0.526200
Epoch  6, CIFAR-10 Batch 1:  Loss:     0.8215 Validation Accuracy: 0.556800
Epoch  7, CIFAR-10 Batch 1:  Loss:     0.7172 Validation Accuracy: 0.563600
Epoch  8, CIFAR-10 Batch 1:  Loss:     0.5434 Validation Accuracy: 0.603000
Epoch  9, CIFAR-10 Batch 1:  Loss:     0.4005 Validation Accuracy: 0.607200
Epoch 10, CIFAR-10 Batch 1:  Loss:     0.3776 Validation Accuracy: 0.630400
Epoch 11, CIFAR-10 Batch 1:  Loss:     0.2828 Validation Accuracy: 0.638400
Epoch 12, CIFAR-10 Batch 1:  Loss:     0.2610 Validation Accuracy: 0.629600
Epoch 13, CIFAR-10 Batch 1:  Loss:     0.2271 Validation Accuracy: 0.648200
Epoch 14, CIFAR-10 Batch 1:  Loss:     0.1140 Validation Accuracy: 0.656000
Epoch 15, CIFAR-10 Batch 1:  Loss:     0.1140 Validation Accuracy: 0.669200
Epoch 16, CIFAR-10 Batch 1:  Loss:     0.0917 Validation Accuracy: 0.659800
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.0459 Validation Accuracy: 0.678000
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.0417 Validation Accuracy: 0.674200
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.0321 Validation Accuracy: 0.667600
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.0357 Validation Accuracy: 0.697800
Epoch 21, CIFAR-10 Batch 1:  Loss:     0.0179 Validation Accuracy: 0.690000
Epoch 22, CIFAR-10 Batch 1:  Loss:     0.0353 Validation Accuracy: 0.666400
Epoch 23, CIFAR-10 Batch 1:  Loss:     0.0182 Validation Accuracy: 0.686600
Epoch 24, CIFAR-10 Batch 1:  Loss:     0.0225 Validation Accuracy: 0.679400
Epoch 25, CIFAR-10 Batch 1:  Loss:     0.0107 Validation Accuracy: 0.694400

Fully Train the Model

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


In [25]:
"""
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:     1.9203 Validation Accuracy: 0.373400
Epoch  1, CIFAR-10 Batch 2:  Loss:     1.5108 Validation Accuracy: 0.428600
Epoch  1, CIFAR-10 Batch 3:  Loss:     1.2559 Validation Accuracy: 0.442800
Epoch  1, CIFAR-10 Batch 4:  Loss:     1.3059 Validation Accuracy: 0.489200
Epoch  1, CIFAR-10 Batch 5:  Loss:     1.2532 Validation Accuracy: 0.524600
Epoch  2, CIFAR-10 Batch 1:  Loss:     1.1613 Validation Accuracy: 0.555600
Epoch  2, CIFAR-10 Batch 2:  Loss:     1.0304 Validation Accuracy: 0.578000
Epoch  2, CIFAR-10 Batch 3:  Loss:     0.7912 Validation Accuracy: 0.614400
Epoch  2, CIFAR-10 Batch 4:  Loss:     0.8777 Validation Accuracy: 0.640200
Epoch  2, CIFAR-10 Batch 5:  Loss:     0.8334 Validation Accuracy: 0.650800
Epoch  3, CIFAR-10 Batch 1:  Loss:     0.7987 Validation Accuracy: 0.661000
Epoch  3, CIFAR-10 Batch 2:  Loss:     0.6525 Validation Accuracy: 0.672400
Epoch  3, CIFAR-10 Batch 3:  Loss:     0.5615 Validation Accuracy: 0.691200
Epoch  3, CIFAR-10 Batch 4:  Loss:     0.6689 Validation Accuracy: 0.694000
Epoch  3, CIFAR-10 Batch 5:  Loss:     0.4637 Validation Accuracy: 0.725400
Epoch  4, CIFAR-10 Batch 1:  Loss:     0.4834 Validation Accuracy: 0.718200
Epoch  4, CIFAR-10 Batch 2:  Loss:     0.4700 Validation Accuracy: 0.717600
Epoch  4, CIFAR-10 Batch 3:  Loss:     0.4297 Validation Accuracy: 0.733800
Epoch  4, CIFAR-10 Batch 4:  Loss:     0.4394 Validation Accuracy: 0.751400
Epoch  4, CIFAR-10 Batch 5:  Loss:     0.3545 Validation Accuracy: 0.751600
Epoch  5, CIFAR-10 Batch 1:  Loss:     0.4051 Validation Accuracy: 0.721000
Epoch  5, CIFAR-10 Batch 2:  Loss:     0.3139 Validation Accuracy: 0.745400
Epoch  5, CIFAR-10 Batch 3:  Loss:     0.2851 Validation Accuracy: 0.757600
Epoch  5, CIFAR-10 Batch 4:  Loss:     0.3047 Validation Accuracy: 0.768400
Epoch  5, CIFAR-10 Batch 5:  Loss:     0.2624 Validation Accuracy: 0.769800
Epoch  6, CIFAR-10 Batch 1:  Loss:     0.3110 Validation Accuracy: 0.772400
Epoch  6, CIFAR-10 Batch 2:  Loss:     0.2554 Validation Accuracy: 0.780400
Epoch  6, CIFAR-10 Batch 3:  Loss:     0.2053 Validation Accuracy: 0.774600
Epoch  6, CIFAR-10 Batch 4:  Loss:     0.1912 Validation Accuracy: 0.780000
Epoch  6, CIFAR-10 Batch 5:  Loss:     0.2054 Validation Accuracy: 0.786600
Epoch  7, CIFAR-10 Batch 1:  Loss:     0.2574 Validation Accuracy: 0.789800
Epoch  7, CIFAR-10 Batch 2:  Loss:     0.1991 Validation Accuracy: 0.795600
Epoch  7, CIFAR-10 Batch 3:  Loss:     0.1511 Validation Accuracy: 0.789000
Epoch  7, CIFAR-10 Batch 4:  Loss:     0.1740 Validation Accuracy: 0.786000
Epoch  7, CIFAR-10 Batch 5:  Loss:     0.1248 Validation Accuracy: 0.794000
Epoch  8, CIFAR-10 Batch 1:  Loss:     0.2137 Validation Accuracy: 0.799400
Epoch  8, CIFAR-10 Batch 2:  Loss:     0.1094 Validation Accuracy: 0.795400
Epoch  8, CIFAR-10 Batch 3:  Loss:     0.1048 Validation Accuracy: 0.789800
Epoch  8, CIFAR-10 Batch 4:  Loss:     0.1313 Validation Accuracy: 0.795400
Epoch  8, CIFAR-10 Batch 5:  Loss:     0.0926 Validation Accuracy: 0.809400
Epoch  9, CIFAR-10 Batch 1:  Loss:     0.1911 Validation Accuracy: 0.801000
Epoch  9, CIFAR-10 Batch 2:  Loss:     0.1088 Validation Accuracy: 0.807600
Epoch  9, CIFAR-10 Batch 3:  Loss:     0.0590 Validation Accuracy: 0.805200
Epoch  9, CIFAR-10 Batch 4:  Loss:     0.0893 Validation Accuracy: 0.799800
Epoch  9, CIFAR-10 Batch 5:  Loss:     0.0962 Validation Accuracy: 0.803400
Epoch 10, CIFAR-10 Batch 1:  Loss:     0.1367 Validation Accuracy: 0.800600
Epoch 10, CIFAR-10 Batch 2:  Loss:     0.0914 Validation Accuracy: 0.804600
Epoch 10, CIFAR-10 Batch 3:  Loss:     0.0460 Validation Accuracy: 0.807600
Epoch 10, CIFAR-10 Batch 4:  Loss:     0.0593 Validation Accuracy: 0.803200
Epoch 10, CIFAR-10 Batch 5:  Loss:     0.0977 Validation Accuracy: 0.800600
Epoch 11, CIFAR-10 Batch 1:  Loss:     0.0944 Validation Accuracy: 0.819800
Epoch 11, CIFAR-10 Batch 2:  Loss:     0.0383 Validation Accuracy: 0.814400
Epoch 11, CIFAR-10 Batch 3:  Loss:     0.0278 Validation Accuracy: 0.812600
Epoch 11, CIFAR-10 Batch 4:  Loss:     0.0206 Validation Accuracy: 0.802200
Epoch 11, CIFAR-10 Batch 5:  Loss:     0.0855 Validation Accuracy: 0.802200
Epoch 12, CIFAR-10 Batch 1:  Loss:     0.0954 Validation Accuracy: 0.812200
Epoch 12, CIFAR-10 Batch 2:  Loss:     0.0383 Validation Accuracy: 0.811000
Epoch 12, CIFAR-10 Batch 3:  Loss:     0.0158 Validation Accuracy: 0.816200
Epoch 12, CIFAR-10 Batch 4:  Loss:     0.0257 Validation Accuracy: 0.811600
Epoch 12, CIFAR-10 Batch 5:  Loss:     0.0540 Validation Accuracy: 0.812400
Epoch 13, CIFAR-10 Batch 1:  Loss:     0.0565 Validation Accuracy: 0.817400
Epoch 13, CIFAR-10 Batch 2:  Loss:     0.0213 Validation Accuracy: 0.806000
Epoch 13, CIFAR-10 Batch 3:  Loss:     0.0229 Validation Accuracy: 0.825000
Epoch 13, CIFAR-10 Batch 4:  Loss:     0.0308 Validation Accuracy: 0.813600
Epoch 13, CIFAR-10 Batch 5:  Loss:     0.0560 Validation Accuracy: 0.812800
Epoch 14, CIFAR-10 Batch 1:  Loss:     0.0625 Validation Accuracy: 0.817200
Epoch 14, CIFAR-10 Batch 2:  Loss:     0.0179 Validation Accuracy: 0.819400
Epoch 14, CIFAR-10 Batch 3:  Loss:     0.0277 Validation Accuracy: 0.820000
Epoch 14, CIFAR-10 Batch 4:  Loss:     0.0137 Validation Accuracy: 0.818800
Epoch 14, CIFAR-10 Batch 5:  Loss:     0.0382 Validation Accuracy: 0.819800
Epoch 15, CIFAR-10 Batch 1:  Loss:     0.0167 Validation Accuracy: 0.821600
Epoch 15, CIFAR-10 Batch 2:  Loss:     0.0109 Validation Accuracy: 0.816000
Epoch 15, CIFAR-10 Batch 3:  Loss:     0.0145 Validation Accuracy: 0.825800
Epoch 15, CIFAR-10 Batch 4:  Loss:     0.0100 Validation Accuracy: 0.806000
Epoch 15, CIFAR-10 Batch 5:  Loss:     0.0275 Validation Accuracy: 0.821800
Epoch 16, CIFAR-10 Batch 1:  Loss:     0.0150 Validation Accuracy: 0.818400
Epoch 16, CIFAR-10 Batch 2:  Loss:     0.0058 Validation Accuracy: 0.810800
Epoch 16, CIFAR-10 Batch 3:  Loss:     0.0099 Validation Accuracy: 0.819000
Epoch 16, CIFAR-10 Batch 4:  Loss:     0.0121 Validation Accuracy: 0.822000
Epoch 16, CIFAR-10 Batch 5:  Loss:     0.0113 Validation Accuracy: 0.825000
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.0211 Validation Accuracy: 0.822400
Epoch 17, CIFAR-10 Batch 2:  Loss:     0.0069 Validation Accuracy: 0.827200
Epoch 17, CIFAR-10 Batch 3:  Loss:     0.0060 Validation Accuracy: 0.824600
Epoch 17, CIFAR-10 Batch 4:  Loss:     0.0098 Validation Accuracy: 0.820000
Epoch 17, CIFAR-10 Batch 5:  Loss:     0.0075 Validation Accuracy: 0.829200
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.0087 Validation Accuracy: 0.813600
Epoch 18, CIFAR-10 Batch 2:  Loss:     0.0029 Validation Accuracy: 0.830800
Epoch 18, CIFAR-10 Batch 3:  Loss:     0.0022 Validation Accuracy: 0.831800
Epoch 18, CIFAR-10 Batch 4:  Loss:     0.0101 Validation Accuracy: 0.826000
Epoch 18, CIFAR-10 Batch 5:  Loss:     0.0021 Validation Accuracy: 0.821000
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.0088 Validation Accuracy: 0.822200
Epoch 19, CIFAR-10 Batch 2:  Loss:     0.0011 Validation Accuracy: 0.818600
Epoch 19, CIFAR-10 Batch 3:  Loss:     0.0026 Validation Accuracy: 0.821400
Epoch 19, CIFAR-10 Batch 4:  Loss:     0.0111 Validation Accuracy: 0.826400
Epoch 19, CIFAR-10 Batch 5:  Loss:     0.0078 Validation Accuracy: 0.817600
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.0075 Validation Accuracy: 0.825600
Epoch 20, CIFAR-10 Batch 2:  Loss:     0.0016 Validation Accuracy: 0.821600
Epoch 20, CIFAR-10 Batch 3:  Loss:     0.0008 Validation Accuracy: 0.820800
Epoch 20, CIFAR-10 Batch 4:  Loss:     0.0023 Validation Accuracy: 0.825200
Epoch 20, CIFAR-10 Batch 5:  Loss:     0.0059 Validation Accuracy: 0.810600
Epoch 21, CIFAR-10 Batch 1:  Loss:     0.0050 Validation Accuracy: 0.824800
Epoch 21, CIFAR-10 Batch 2:  Loss:     0.0038 Validation Accuracy: 0.826000
Epoch 21, CIFAR-10 Batch 3:  Loss:     0.0021 Validation Accuracy: 0.833800
Epoch 21, CIFAR-10 Batch 4:  Loss:     0.0072 Validation Accuracy: 0.819200
Epoch 21, CIFAR-10 Batch 5:  Loss:     0.0049 Validation Accuracy: 0.822000
Epoch 22, CIFAR-10 Batch 1:  Loss:     0.0058 Validation Accuracy: 0.823400
Epoch 22, CIFAR-10 Batch 2:  Loss:     0.0008 Validation Accuracy: 0.833000
Epoch 22, CIFAR-10 Batch 3:  Loss:     0.0044 Validation Accuracy: 0.825800
Epoch 22, CIFAR-10 Batch 4:  Loss:     0.0064 Validation Accuracy: 0.825800
Epoch 22, CIFAR-10 Batch 5:  Loss:     0.0021 Validation Accuracy: 0.815400
Epoch 23, CIFAR-10 Batch 1:  Loss:     0.0035 Validation Accuracy: 0.827800
Epoch 23, CIFAR-10 Batch 2:  Loss:     0.0011 Validation Accuracy: 0.831400
Epoch 23, CIFAR-10 Batch 3:  Loss:     0.0002 Validation Accuracy: 0.831400
Epoch 23, CIFAR-10 Batch 4:  Loss:     0.0005 Validation Accuracy: 0.828600
Epoch 23, CIFAR-10 Batch 5:  Loss:     0.0097 Validation Accuracy: 0.824200
Epoch 24, CIFAR-10 Batch 1:  Loss:     0.0020 Validation Accuracy: 0.821400
Epoch 24, CIFAR-10 Batch 2:  Loss:     0.0005 Validation Accuracy: 0.833400
Epoch 24, CIFAR-10 Batch 3:  Loss:     0.0003 Validation Accuracy: 0.833600
Epoch 24, CIFAR-10 Batch 4:  Loss:     0.0028 Validation Accuracy: 0.828400
Epoch 24, CIFAR-10 Batch 5:  Loss:     0.0019 Validation Accuracy: 0.829000
Epoch 25, CIFAR-10 Batch 1:  Loss:     0.0013 Validation Accuracy: 0.827200
Epoch 25, CIFAR-10 Batch 2:  Loss:     0.0007 Validation Accuracy: 0.834400
Epoch 25, CIFAR-10 Batch 3:  Loss:     0.0002 Validation Accuracy: 0.833200
Epoch 25, CIFAR-10 Batch 4:  Loss:     0.0004 Validation Accuracy: 0.816400
Epoch 25, CIFAR-10 Batch 5:  Loss:     0.0037 Validation Accuracy: 0.830200

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 [26]:
"""
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.82734375

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.