Image Classification

In this project, we'll classify images from the CIFAR-10 dataset. The dataset consists of airplanes, dogs, cats, and other objects. We'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.

Get the Data

In [1]:
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)
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
    """
    np_x=np.asarray(x)
    return (np_x-np.amin(np_x))/(np.amax(np_x)-np.amin(np_x))


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:

Look into LabelBinarizer in the preprocessing module of sklearn.

In [4]:
def one_hot_encode(x):
    """
    One hot encode a list of sample labels. Return a one-hot encoded vector for each label.
    """
    # TODO: Implement Function
    from sklearn import preprocessing
    lb = preprocessing.LabelBinarizer()
    lb.fit(range(10))
    return lb.transform(x)

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]:
# 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]:
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 [2]:
import tensorflow as tf

def neural_net_image_input(image_shape):
    """
    Return a Tensor for a batch of image input
    """
    # TODO: Implement Function
    x = tf.placeholder(tf.float32, shape=(None,image_shape[0],image_shape[1],image_shape[2]), name="x")
    return x


def neural_net_label_input(n_classes):
    """
    Return a Tensor for a batch of label input
    """
    # TODO: Implement Function
    y = tf.placeholder(tf.float32, shape=(None,n_classes), name="y")
    return y


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

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.

Hint:

When unpacking values as an argument in Python, look into the unpacking operator.

In [3]:
import math
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
    """
    # TODO: Implement Function
    channels = x_tensor.get_shape().as_list()[-1]
    conv_x, conv_y = conv_ksize
    conv_input_size=conv_x*conv_y*channels
    weight = tf.Variable(tf.truncated_normal([conv_x, conv_y, channels, conv_num_outputs], stddev=math.sqrt(1.0/conv_input_size)))
    bias = tf.Variable(tf.zeros(conv_num_outputs))
    
    # Apply Convolution
    conv_layer = tf.nn.conv2d(x_tensor, weight, strides=[1,conv_strides[0],conv_strides[1],1], padding='SAME')
    # Add bias
    conv_layer = tf.nn.bias_add(conv_layer, bias)
    # Apply activation function
    conv_layer = tf.nn.relu(conv_layer)
    conv_layer = tf.nn.max_pool(conv_layer,ksize=[1,pool_ksize[0],pool_ksize[1],1],strides=[1,pool_strides[0],pool_strides[1],1],padding='SAME')
    return conv_layer 

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 [4]:
def flatten(x_tensor):
    """
    Flatten x_tensor to (Batch Size, Flattened Image Size)
    """
    
    return tf.contrib.layers.flatten(x_tensor)

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 [5]:
def fully_conn(x_tensor, num_outputs):
    """
    Apply a fully connected layer to x_tensor using weight and bias
    """
    inputs=x_tensor.get_shape().as_list()[1]
    weights = tf.Variable(tf.truncated_normal([inputs, num_outputs], stddev=math.sqrt(1.0/inputs)))
    bias = tf.Variable(tf.zeros(num_outputs))
    return tf.nn.relu(tf.add(tf.matmul(x_tensor, weights), bias))

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 [6]:
def output(x_tensor, num_outputs):
    """
    Apply a output layer to x_tensor using weight and bias
    """

    return tf.contrib.layers.fully_connected(x_tensor,num_outputs,activation_fn=None)


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 [7]:
def conv_net(x, keep_prob):
    """
    Create a convolutional neural network model
    """

    x_tensor=conv2d_maxpool(x, 32, (3,3), (1,1), (2,2), (1,1))
    x_tensor=conv2d_maxpool(x_tensor, 64, (3,3), (1,1), (2,2), (1,1))


    x_tensor=flatten(x_tensor)


    x_tensor=fully_conn(x_tensor, 256)
    x_tensor = tf.nn.dropout(x_tensor, keep_prob)
    
    x_tensor=fully_conn(x_tensor, 128)
    x_tensor = tf.nn.dropout(x_tensor, keep_prob)
    
    x_tensor=fully_conn(x_tensor, 64)
    x_tensor = tf.nn.dropout(x_tensor, keep_prob)
    

    x_tensor = output(x_tensor, 10)

    return x_tensor



##############################
## 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 [8]:
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})
    
    pass

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 [9]:
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) )
    pass

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 [10]:
epochs = 30
batch_size = 64
keep_probability = 0.7

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 [11]:
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.1142, validation Accuracy: 0.264800
Epoch  2, CIFAR-10 Batch 1:  Loss:     1.8642, validation Accuracy: 0.370600
Epoch  3, CIFAR-10 Batch 1:  Loss:     1.6124, validation Accuracy: 0.436400
Epoch  4, CIFAR-10 Batch 1:  Loss:     1.3467, validation Accuracy: 0.462800
Epoch  5, CIFAR-10 Batch 1:  Loss:     1.2166, validation Accuracy: 0.498400
Epoch  6, CIFAR-10 Batch 1:  Loss:     1.0148, validation Accuracy: 0.510800
Epoch  7, CIFAR-10 Batch 1:  Loss:     0.8809, validation Accuracy: 0.521400
Epoch  8, CIFAR-10 Batch 1:  Loss:     0.6986, validation Accuracy: 0.528600
Epoch  9, CIFAR-10 Batch 1:  Loss:     0.6152, validation Accuracy: 0.536400
Epoch 10, CIFAR-10 Batch 1:  Loss:     0.5021, validation Accuracy: 0.550600
Epoch 11, CIFAR-10 Batch 1:  Loss:     0.3969, validation Accuracy: 0.529000
Epoch 12, CIFAR-10 Batch 1:  Loss:     0.3075, validation Accuracy: 0.528600
Epoch 13, CIFAR-10 Batch 1:  Loss:     0.2775, validation Accuracy: 0.532600
Epoch 14, CIFAR-10 Batch 1:  Loss:     0.2665, validation Accuracy: 0.542200
Epoch 15, CIFAR-10 Batch 1:  Loss:     0.2708, validation Accuracy: 0.540200
Epoch 16, CIFAR-10 Batch 1:  Loss:     0.2977, validation Accuracy: 0.531200
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.1923, validation Accuracy: 0.538200
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.1629, validation Accuracy: 0.536400
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.1941, validation Accuracy: 0.514400
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.0986, validation Accuracy: 0.525800
Epoch 21, CIFAR-10 Batch 1:  Loss:     0.0782, validation Accuracy: 0.547200
Epoch 22, CIFAR-10 Batch 1:  Loss:     0.0672, validation Accuracy: 0.545200
Epoch 23, CIFAR-10 Batch 1:  Loss:     0.0760, validation Accuracy: 0.523600
Epoch 24, CIFAR-10 Batch 1:  Loss:     0.0407, validation Accuracy: 0.530000
Epoch 25, CIFAR-10 Batch 1:  Loss:     0.0680, validation Accuracy: 0.534600
Epoch 26, CIFAR-10 Batch 1:  Loss:     0.0601, validation Accuracy: 0.527800
Epoch 27, CIFAR-10 Batch 1:  Loss:     0.1014, validation Accuracy: 0.545400
Epoch 28, CIFAR-10 Batch 1:  Loss:     0.0589, validation Accuracy: 0.537200
Epoch 29, CIFAR-10 Batch 1:  Loss:     0.0977, validation Accuracy: 0.530200
Epoch 30, CIFAR-10 Batch 1:  Loss:     0.0576, validation Accuracy: 0.539000

Fully Train the Model

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

In [12]:
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.1069, validation Accuracy: 0.320800
Epoch  1, CIFAR-10 Batch 2:  Loss:     1.6451, validation Accuracy: 0.408400
Epoch  1, CIFAR-10 Batch 3:  Loss:     1.4557, validation Accuracy: 0.427800
Epoch  1, CIFAR-10 Batch 4:  Loss:     1.4771, validation Accuracy: 0.486800
Epoch  1, CIFAR-10 Batch 5:  Loss:     1.3586, validation Accuracy: 0.535200
Epoch  2, CIFAR-10 Batch 1:  Loss:     1.2517, validation Accuracy: 0.540800
Epoch  2, CIFAR-10 Batch 2:  Loss:     1.1116, validation Accuracy: 0.575400
Epoch  2, CIFAR-10 Batch 3:  Loss:     1.1125, validation Accuracy: 0.550400
Epoch  2, CIFAR-10 Batch 4:  Loss:     1.1107, validation Accuracy: 0.584600
Epoch  2, CIFAR-10 Batch 5:  Loss:     1.0335, validation Accuracy: 0.589200
Epoch  3, CIFAR-10 Batch 1:  Loss:     1.0149, validation Accuracy: 0.615600
Epoch  3, CIFAR-10 Batch 2:  Loss:     0.9502, validation Accuracy: 0.607800
Epoch  3, CIFAR-10 Batch 3:  Loss:     0.7890, validation Accuracy: 0.619600
Epoch  3, CIFAR-10 Batch 4:  Loss:     0.8700, validation Accuracy: 0.626600
Epoch  3, CIFAR-10 Batch 5:  Loss:     0.6950, validation Accuracy: 0.638800
Epoch  4, CIFAR-10 Batch 1:  Loss:     0.8484, validation Accuracy: 0.627600
Epoch  4, CIFAR-10 Batch 2:  Loss:     0.7473, validation Accuracy: 0.631800
Epoch  4, CIFAR-10 Batch 3:  Loss:     0.6427, validation Accuracy: 0.631400
Epoch  4, CIFAR-10 Batch 4:  Loss:     0.7396, validation Accuracy: 0.625800
Epoch  4, CIFAR-10 Batch 5:  Loss:     0.6010, validation Accuracy: 0.645400
Epoch  5, CIFAR-10 Batch 1:  Loss:     0.7354, validation Accuracy: 0.645800
Epoch  5, CIFAR-10 Batch 2:  Loss:     0.5912, validation Accuracy: 0.644600
Epoch  5, CIFAR-10 Batch 3:  Loss:     0.5280, validation Accuracy: 0.651800
Epoch  5, CIFAR-10 Batch 4:  Loss:     0.5536, validation Accuracy: 0.652000
Epoch  5, CIFAR-10 Batch 5:  Loss:     0.4300, validation Accuracy: 0.660600
Epoch  6, CIFAR-10 Batch 1:  Loss:     0.5841, validation Accuracy: 0.660200
Epoch  6, CIFAR-10 Batch 2:  Loss:     0.5093, validation Accuracy: 0.657800
Epoch  6, CIFAR-10 Batch 3:  Loss:     0.4615, validation Accuracy: 0.648200
Epoch  6, CIFAR-10 Batch 4:  Loss:     0.4024, validation Accuracy: 0.662000
Epoch  6, CIFAR-10 Batch 5:  Loss:     0.3460, validation Accuracy: 0.656600
Epoch  7, CIFAR-10 Batch 1:  Loss:     0.4437, validation Accuracy: 0.668800
Epoch  7, CIFAR-10 Batch 2:  Loss:     0.4190, validation Accuracy: 0.659200
Epoch  7, CIFAR-10 Batch 3:  Loss:     0.3155, validation Accuracy: 0.644800
Epoch  7, CIFAR-10 Batch 4:  Loss:     0.3025, validation Accuracy: 0.672200
Epoch  7, CIFAR-10 Batch 5:  Loss:     0.3429, validation Accuracy: 0.664000
Epoch  8, CIFAR-10 Batch 1:  Loss:     0.4820, validation Accuracy: 0.666400
Epoch  8, CIFAR-10 Batch 2:  Loss:     0.3187, validation Accuracy: 0.657200
Epoch  8, CIFAR-10 Batch 3:  Loss:     0.2552, validation Accuracy: 0.653000
Epoch  8, CIFAR-10 Batch 4:  Loss:     0.2484, validation Accuracy: 0.663000
Epoch  8, CIFAR-10 Batch 5:  Loss:     0.1458, validation Accuracy: 0.665000
Epoch  9, CIFAR-10 Batch 1:  Loss:     0.4268, validation Accuracy: 0.646600
Epoch  9, CIFAR-10 Batch 2:  Loss:     0.2199, validation Accuracy: 0.645800
Epoch  9, CIFAR-10 Batch 3:  Loss:     0.2997, validation Accuracy: 0.646400
Epoch  9, CIFAR-10 Batch 4:  Loss:     0.2517, validation Accuracy: 0.662400
Epoch  9, CIFAR-10 Batch 5:  Loss:     0.1960, validation Accuracy: 0.660800
Epoch 10, CIFAR-10 Batch 1:  Loss:     0.2383, validation Accuracy: 0.658600
Epoch 10, CIFAR-10 Batch 2:  Loss:     0.2897, validation Accuracy: 0.657200
Epoch 10, CIFAR-10 Batch 3:  Loss:     0.1612, validation Accuracy: 0.656400
Epoch 10, CIFAR-10 Batch 4:  Loss:     0.1612, validation Accuracy: 0.659800
Epoch 10, CIFAR-10 Batch 5:  Loss:     0.1112, validation Accuracy: 0.656000
Epoch 11, CIFAR-10 Batch 1:  Loss:     0.2425, validation Accuracy: 0.656200
Epoch 11, CIFAR-10 Batch 2:  Loss:     0.1695, validation Accuracy: 0.658600
Epoch 11, CIFAR-10 Batch 3:  Loss:     0.1719, validation Accuracy: 0.668000
Epoch 11, CIFAR-10 Batch 4:  Loss:     0.1316, validation Accuracy: 0.655200
Epoch 11, CIFAR-10 Batch 5:  Loss:     0.1521, validation Accuracy: 0.660800
Epoch 12, CIFAR-10 Batch 1:  Loss:     0.1342, validation Accuracy: 0.662200
Epoch 12, CIFAR-10 Batch 2:  Loss:     0.1084, validation Accuracy: 0.656800
Epoch 12, CIFAR-10 Batch 3:  Loss:     0.0836, validation Accuracy: 0.655800
Epoch 12, CIFAR-10 Batch 4:  Loss:     0.1652, validation Accuracy: 0.662400
Epoch 12, CIFAR-10 Batch 5:  Loss:     0.1191, validation Accuracy: 0.651400
Epoch 13, CIFAR-10 Batch 1:  Loss:     0.1363, validation Accuracy: 0.661600
Epoch 13, CIFAR-10 Batch 2:  Loss:     0.1043, validation Accuracy: 0.660600
Epoch 13, CIFAR-10 Batch 3:  Loss:     0.1288, validation Accuracy: 0.672800
Epoch 13, CIFAR-10 Batch 4:  Loss:     0.0786, validation Accuracy: 0.666800
Epoch 13, CIFAR-10 Batch 5:  Loss:     0.1693, validation Accuracy: 0.644800
Epoch 14, CIFAR-10 Batch 1:  Loss:     0.1809, validation Accuracy: 0.665000
Epoch 14, CIFAR-10 Batch 2:  Loss:     0.0548, validation Accuracy: 0.664400
Epoch 14, CIFAR-10 Batch 3:  Loss:     0.0629, validation Accuracy: 0.663400
Epoch 14, CIFAR-10 Batch 4:  Loss:     0.1210, validation Accuracy: 0.677800
Epoch 14, CIFAR-10 Batch 5:  Loss:     0.0742, validation Accuracy: 0.664800
Epoch 15, CIFAR-10 Batch 1:  Loss:     0.1557, validation Accuracy: 0.662400
Epoch 15, CIFAR-10 Batch 2:  Loss:     0.1269, validation Accuracy: 0.668400
Epoch 15, CIFAR-10 Batch 3:  Loss:     0.0496, validation Accuracy: 0.659600
Epoch 15, CIFAR-10 Batch 4:  Loss:     0.0618, validation Accuracy: 0.656600
Epoch 15, CIFAR-10 Batch 5:  Loss:     0.1043, validation Accuracy: 0.669800
Epoch 16, CIFAR-10 Batch 1:  Loss:     0.1283, validation Accuracy: 0.673000
Epoch 16, CIFAR-10 Batch 2:  Loss:     0.0835, validation Accuracy: 0.653400
Epoch 16, CIFAR-10 Batch 3:  Loss:     0.0245, validation Accuracy: 0.671800
Epoch 16, CIFAR-10 Batch 4:  Loss:     0.0451, validation Accuracy: 0.674800
Epoch 16, CIFAR-10 Batch 5:  Loss:     0.0246, validation Accuracy: 0.672200
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.1237, validation Accuracy: 0.655000
Epoch 17, CIFAR-10 Batch 2:  Loss:     0.0640, validation Accuracy: 0.665200
Epoch 17, CIFAR-10 Batch 3:  Loss:     0.0473, validation Accuracy: 0.664600
Epoch 17, CIFAR-10 Batch 4:  Loss:     0.0624, validation Accuracy: 0.662200
Epoch 17, CIFAR-10 Batch 5:  Loss:     0.0493, validation Accuracy: 0.663000
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.1661, validation Accuracy: 0.656600
Epoch 18, CIFAR-10 Batch 2:  Loss:     0.0443, validation Accuracy: 0.658800
Epoch 18, CIFAR-10 Batch 3:  Loss:     0.0303, validation Accuracy: 0.657400
Epoch 18, CIFAR-10 Batch 4:  Loss:     0.0547, validation Accuracy: 0.663000
Epoch 18, CIFAR-10 Batch 5:  Loss:     0.0337, validation Accuracy: 0.654600
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.0900, validation Accuracy: 0.652200
Epoch 19, CIFAR-10 Batch 2:  Loss:     0.0302, validation Accuracy: 0.656000
Epoch 19, CIFAR-10 Batch 3:  Loss:     0.0199, validation Accuracy: 0.665200
Epoch 19, CIFAR-10 Batch 4:  Loss:     0.0398, validation Accuracy: 0.659600
Epoch 19, CIFAR-10 Batch 5:  Loss:     0.0130, validation Accuracy: 0.671600
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.1168, validation Accuracy: 0.654800
Epoch 20, CIFAR-10 Batch 2:  Loss:     0.0216, validation Accuracy: 0.661400
Epoch 20, CIFAR-10 Batch 3:  Loss:     0.0415, validation Accuracy: 0.654000
Epoch 20, CIFAR-10 Batch 4:  Loss:     0.0252, validation Accuracy: 0.663800
Epoch 20, CIFAR-10 Batch 5:  Loss:     0.0324, validation Accuracy: 0.654800
Epoch 21, CIFAR-10 Batch 1:  Loss:     0.0657, validation Accuracy: 0.659000
Epoch 21, CIFAR-10 Batch 2:  Loss:     0.0068, validation Accuracy: 0.666800
Epoch 21, CIFAR-10 Batch 3:  Loss:     0.0061, validation Accuracy: 0.662200
Epoch 21, CIFAR-10 Batch 4:  Loss:     0.0523, validation Accuracy: 0.666800
Epoch 21, CIFAR-10 Batch 5:  Loss:     0.0081, validation Accuracy: 0.662200
Epoch 22, CIFAR-10 Batch 1:  Loss:     0.0406, validation Accuracy: 0.655000
Epoch 22, CIFAR-10 Batch 2:  Loss:     0.0166, validation Accuracy: 0.665800
Epoch 22, CIFAR-10 Batch 3:  Loss:     0.0184, validation Accuracy: 0.654000
Epoch 22, CIFAR-10 Batch 4:  Loss:     0.0195, validation Accuracy: 0.664000
Epoch 22, CIFAR-10 Batch 5:  Loss:     0.0086, validation Accuracy: 0.666400
Epoch 23, CIFAR-10 Batch 1:  Loss:     0.0463, validation Accuracy: 0.657800
Epoch 23, CIFAR-10 Batch 2:  Loss:     0.0092, validation Accuracy: 0.659400
Epoch 23, CIFAR-10 Batch 3:  Loss:     0.0146, validation Accuracy: 0.664400
Epoch 23, CIFAR-10 Batch 4:  Loss:     0.0182, validation Accuracy: 0.671200
Epoch 23, CIFAR-10 Batch 5:  Loss:     0.0072, validation Accuracy: 0.660400
Epoch 24, CIFAR-10 Batch 1:  Loss:     0.0339, validation Accuracy: 0.666800
Epoch 24, CIFAR-10 Batch 2:  Loss:     0.0094, validation Accuracy: 0.672200
Epoch 24, CIFAR-10 Batch 3:  Loss:     0.0088, validation Accuracy: 0.665000
Epoch 24, CIFAR-10 Batch 4:  Loss:     0.0178, validation Accuracy: 0.673000
Epoch 24, CIFAR-10 Batch 5:  Loss:     0.0097, validation Accuracy: 0.666800
Epoch 25, CIFAR-10 Batch 1:  Loss:     0.0602, validation Accuracy: 0.644000
Epoch 25, CIFAR-10 Batch 2:  Loss:     0.0118, validation Accuracy: 0.662000
Epoch 25, CIFAR-10 Batch 3:  Loss:     0.0211, validation Accuracy: 0.669600
Epoch 25, CIFAR-10 Batch 4:  Loss:     0.0143, validation Accuracy: 0.675600
Epoch 25, CIFAR-10 Batch 5:  Loss:     0.0034, validation Accuracy: 0.672000
Epoch 26, CIFAR-10 Batch 1:  Loss:     0.0392, validation Accuracy: 0.638000
Epoch 26, CIFAR-10 Batch 2:  Loss:     0.0040, validation Accuracy: 0.655400
Epoch 26, CIFAR-10 Batch 3:  Loss:     0.0052, validation Accuracy: 0.665000
Epoch 26, CIFAR-10 Batch 4:  Loss:     0.0205, validation Accuracy: 0.666600
Epoch 26, CIFAR-10 Batch 5:  Loss:     0.0066, validation Accuracy: 0.660600
Epoch 27, CIFAR-10 Batch 1:  Loss:     0.0491, validation Accuracy: 0.651200
Epoch 27, CIFAR-10 Batch 2:  Loss:     0.0057, validation Accuracy: 0.660000
Epoch 27, CIFAR-10 Batch 3:  Loss:     0.0212, validation Accuracy: 0.667400
Epoch 27, CIFAR-10 Batch 4:  Loss:     0.0061, validation Accuracy: 0.677800
Epoch 27, CIFAR-10 Batch 5:  Loss:     0.0076, validation Accuracy: 0.661000
Epoch 28, CIFAR-10 Batch 1:  Loss:     0.0340, validation Accuracy: 0.661400
Epoch 28, CIFAR-10 Batch 2:  Loss:     0.0142, validation Accuracy: 0.668600
Epoch 28, CIFAR-10 Batch 3:  Loss:     0.0123, validation Accuracy: 0.670200
Epoch 28, CIFAR-10 Batch 4:  Loss:     0.0074, validation Accuracy: 0.669800
Epoch 28, CIFAR-10 Batch 5:  Loss:     0.0077, validation Accuracy: 0.663000
Epoch 29, CIFAR-10 Batch 1:  Loss:     0.0224, validation Accuracy: 0.645400
Epoch 29, CIFAR-10 Batch 2:  Loss:     0.0048, validation Accuracy: 0.654400
Epoch 29, CIFAR-10 Batch 3:  Loss:     0.0034, validation Accuracy: 0.668400
Epoch 29, CIFAR-10 Batch 4:  Loss:     0.0141, validation Accuracy: 0.672200
Epoch 29, CIFAR-10 Batch 5:  Loss:     0.0070, validation Accuracy: 0.664000
Epoch 30, CIFAR-10 Batch 1:  Loss:     0.0301, validation Accuracy: 0.666200
Epoch 30, CIFAR-10 Batch 2:  Loss:     0.0047, validation Accuracy: 0.658200
Epoch 30, CIFAR-10 Batch 3:  Loss:     0.0091, validation Accuracy: 0.670000
Epoch 30, CIFAR-10 Batch 4:  Loss:     0.0028, validation Accuracy: 0.671200
Epoch 30, CIFAR-10 Batch 5:  Loss:     0.0075, validation Accuracy: 0.671000

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 [13]:
%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()
INFO:tensorflow:Restoring parameters from ./image_classification
Testing Accuracy: 0.6575437898089171