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
    """
    
    return x / 255


"""
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]:
from sklearn.preprocessing import LabelBinarizer

lb = LabelBinarizer()
lb.fit(list(range(0, 10)))
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 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.
    """
    return tf.placeholder(tf.float32, 
                          shape=[None, image_shape[0], 
                                 image_shape[1], image_shape[2]], 
                                 name='x')


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


def neural_net_keep_prob_input():
    """
    Return a Tensor for keep probability
    : return: Tensor for keep probability.
    """
    # TODO: Implement Function
    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 [97]:
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
    """
    weights = tf.Variable(tf.truncated_normal([conv_ksize[0],
                                               conv_ksize[1],
                                               int(x_tensor.shape[3]),
                                               conv_num_outputs],
                                              mean=0.0, 
                                              stddev=0.05))
    bias = tf.Variable(tf.zeros(conv_num_outputs))
    strides = [1, conv_strides[0], conv_strides[1], 1]
    x = tf.nn.conv2d(x_tensor, weights, strides, padding='SAME')
    x = tf.nn.bias_add(x, bias)
    x = tf.nn.max_pool(x, ksize=[1, pool_ksize[0], pool_ksize[1], 1], 
                       strides=[1, pool_strides[0], pool_strides[1], 1],
                       padding='SAME')
    x = tf.nn.relu(x)
    
    return x

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

Flatten Layer

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

In [9]:
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).
    """
    tensor_shape = x_tensor.shape.as_list()
    flattened_image_size = tensor_shape[1] * tensor_shape[2] * tensor_shape[3]
    x_tensor = tf.reshape(x_tensor, [-1, flattened_image_size])
    return 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). 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 [98]:
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.
    """
    # TODO: Implement Function
    weights = tf.Variable(tf.truncated_normal([int(x_tensor.shape[1]),
                                              num_outputs],
                                              mean=0.0,
                                              stddev=0.05))
    bias = tf.Variable(tf.zeros(num_outputs))
    output = tf.add(tf.matmul(x_tensor, weights), bias)
    output = tf.nn.relu(output)
    return output


"""
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 [100]:
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.
    """
    weights = tf.Variable(tf.truncated_normal([int(x_tensor.shape[1]),
                                              num_outputs],
                                              mean=0.0,
                                              stddev=0.05))
    bias = tf.Variable(tf.zeros(num_outputs))
    output = tf.add(tf.matmul(x_tensor, weights), bias)
    return output


"""
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 [101]:
def conv_net(x, keep_prob):
    """
    Create a convolutional neural network model
    : x: Placeholder tensor that holds image data.
    : keep_prob: Placeholder tensor that hold dropout keep probability.
    : return: Tensor that represents logits
    """
    # TODO: Apply 1, 2, or 3 Convolution and Max Pool layers
    #    Play around with different number of outputs, kernel size and stride
    # Function Definition from Above:
    x = conv2d_maxpool(x, 16, [3, 3], [1, 1], [2, 2], [2, 2])
    x = conv2d_maxpool(x, 64, [3, 3], [1, 1], [2, 2], [2, 2])
    x = conv2d_maxpool(x, 256, [3, 3], [1, 1], [2, 2], [2, 2])
    

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

    # TODO: Apply 1, 2, or 3 Fully Connected Layers
    #    Play around with different number of outputs
    # Function Definition from Above:
    x = fully_conn(x, 256)
    x = tf.nn.dropout(x, keep_prob)
    x = fully_conn(x, 64)
    x = tf.nn.dropout(x, keep_prob)
    x = fully_conn(x, 16)
    
    
    # TODO: Apply an Output Layer
    #    Set this to the number of classes
    # Function Definition from Above:
    
    # TODO: I do not like that the output of size 10 is hard coded.
    # Why are those parameters not passed into the function?
    x = output(x, 10)
    
    
    # TODO: return output
    return x


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

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

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

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

# Model
logits = conv_net(x, keep_prob)

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

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

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

tests.test_conv_net(conv_net)
Neural Network Built!

Train the Neural Network

Single Optimization

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

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

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

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

In [102]:
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={keep_prob: keep_probability,
                                      x: feature_batch,
                                      y: label_batch})


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

Hyperparameters

Tune the following parameters:

  • Set epochs to the number of iterations until the network stops learning or start overfitting
  • Set batch_size to the highest number that your machine has memory for. Most people set them to common sizes of memory:
    • 64
    • 128
    • 256
    • ...
  • Set keep_probability to the probability of keeping a node using dropout
In [108]:
# TODO: Tune Parameters
epochs =  100
batch_size = 512
keep_probability = 0.5

Train on a Single CIFAR-10 Batch

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

In [104]:
"""
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.2943 Validation Accuracy: 0.103000
Epoch  2, CIFAR-10 Batch 1:  Loss:     2.1865 Validation Accuracy: 0.152400
Epoch  3, CIFAR-10 Batch 1:  Loss:     2.0813 Validation Accuracy: 0.185400
Epoch  4, CIFAR-10 Batch 1:  Loss:     2.0655 Validation Accuracy: 0.198000
Epoch  5, CIFAR-10 Batch 1:  Loss:     2.0692 Validation Accuracy: 0.218400
Epoch  6, CIFAR-10 Batch 1:  Loss:     2.0296 Validation Accuracy: 0.247200
Epoch  7, CIFAR-10 Batch 1:  Loss:     2.0026 Validation Accuracy: 0.261000
Epoch  8, CIFAR-10 Batch 1:  Loss:     1.9747 Validation Accuracy: 0.269800
Epoch  9, CIFAR-10 Batch 1:  Loss:     1.9460 Validation Accuracy: 0.279400
Epoch 10, CIFAR-10 Batch 1:  Loss:     1.9098 Validation Accuracy: 0.306600
Epoch 11, CIFAR-10 Batch 1:  Loss:     1.8445 Validation Accuracy: 0.331200
Epoch 12, CIFAR-10 Batch 1:  Loss:     1.8165 Validation Accuracy: 0.336400
Epoch 13, CIFAR-10 Batch 1:  Loss:     1.7851 Validation Accuracy: 0.352200
Epoch 14, CIFAR-10 Batch 1:  Loss:     1.7456 Validation Accuracy: 0.370200
Epoch 15, CIFAR-10 Batch 1:  Loss:     1.6949 Validation Accuracy: 0.375000
Epoch 16, CIFAR-10 Batch 1:  Loss:     1.7128 Validation Accuracy: 0.361000
Epoch 17, CIFAR-10 Batch 1:  Loss:     1.6291 Validation Accuracy: 0.399200
Epoch 18, CIFAR-10 Batch 1:  Loss:     1.6009 Validation Accuracy: 0.410800
Epoch 19, CIFAR-10 Batch 1:  Loss:     1.5813 Validation Accuracy: 0.415000
Epoch 20, CIFAR-10 Batch 1:  Loss:     1.6021 Validation Accuracy: 0.398800
Epoch 21, CIFAR-10 Batch 1:  Loss:     1.5258 Validation Accuracy: 0.433400
Epoch 22, CIFAR-10 Batch 1:  Loss:     1.5093 Validation Accuracy: 0.430000
Epoch 23, CIFAR-10 Batch 1:  Loss:     1.5396 Validation Accuracy: 0.416800
Epoch 24, CIFAR-10 Batch 1:  Loss:     1.4828 Validation Accuracy: 0.439400
Epoch 25, CIFAR-10 Batch 1:  Loss:     1.4519 Validation Accuracy: 0.433200
Epoch 26, CIFAR-10 Batch 1:  Loss:     1.4169 Validation Accuracy: 0.461200
Epoch 27, CIFAR-10 Batch 1:  Loss:     1.4065 Validation Accuracy: 0.460400
Epoch 28, CIFAR-10 Batch 1:  Loss:     1.3730 Validation Accuracy: 0.465400
Epoch 29, CIFAR-10 Batch 1:  Loss:     1.3460 Validation Accuracy: 0.476400
Epoch 30, CIFAR-10 Batch 1:  Loss:     1.3183 Validation Accuracy: 0.480000
Epoch 31, CIFAR-10 Batch 1:  Loss:     1.3372 Validation Accuracy: 0.476800
Epoch 32, CIFAR-10 Batch 1:  Loss:     1.2685 Validation Accuracy: 0.495600
Epoch 33, CIFAR-10 Batch 1:  Loss:     1.2358 Validation Accuracy: 0.498600
Epoch 34, CIFAR-10 Batch 1:  Loss:     1.2179 Validation Accuracy: 0.500000
Epoch 35, CIFAR-10 Batch 1:  Loss:     1.1943 Validation Accuracy: 0.506400
Epoch 36, CIFAR-10 Batch 1:  Loss:     1.1589 Validation Accuracy: 0.513000
Epoch 37, CIFAR-10 Batch 1:  Loss:     1.1312 Validation Accuracy: 0.516000
Epoch 38, CIFAR-10 Batch 1:  Loss:     1.1241 Validation Accuracy: 0.513400
Epoch 39, CIFAR-10 Batch 1:  Loss:     1.0843 Validation Accuracy: 0.520200
Epoch 40, CIFAR-10 Batch 1:  Loss:     1.0710 Validation Accuracy: 0.522800
Epoch 41, CIFAR-10 Batch 1:  Loss:     1.0471 Validation Accuracy: 0.531400
Epoch 42, CIFAR-10 Batch 1:  Loss:     1.0534 Validation Accuracy: 0.527000
Epoch 43, CIFAR-10 Batch 1:  Loss:     1.0515 Validation Accuracy: 0.521800
Epoch 44, CIFAR-10 Batch 1:  Loss:     0.9871 Validation Accuracy: 0.536800
Epoch 45, CIFAR-10 Batch 1:  Loss:     0.9740 Validation Accuracy: 0.537000
Epoch 46, CIFAR-10 Batch 1:  Loss:     0.9573 Validation Accuracy: 0.533200
Epoch 47, CIFAR-10 Batch 1:  Loss:     0.9098 Validation Accuracy: 0.539400
Epoch 48, CIFAR-10 Batch 1:  Loss:     0.9151 Validation Accuracy: 0.538400
Epoch 49, CIFAR-10 Batch 1:  Loss:     0.8496 Validation Accuracy: 0.555600
Epoch 50, CIFAR-10 Batch 1:  Loss:     0.8509 Validation Accuracy: 0.539200
Epoch 51, CIFAR-10 Batch 1:  Loss:     0.8255 Validation Accuracy: 0.551800
Epoch 52, CIFAR-10 Batch 1:  Loss:     0.7861 Validation Accuracy: 0.555000
Epoch 53, CIFAR-10 Batch 1:  Loss:     0.7764 Validation Accuracy: 0.563600
Epoch 54, CIFAR-10 Batch 1:  Loss:     0.7414 Validation Accuracy: 0.561200
Epoch 55, CIFAR-10 Batch 1:  Loss:     0.7141 Validation Accuracy: 0.570000
Epoch 56, CIFAR-10 Batch 1:  Loss:     0.7181 Validation Accuracy: 0.561000
Epoch 57, CIFAR-10 Batch 1:  Loss:     0.6704 Validation Accuracy: 0.562400
Epoch 58, CIFAR-10 Batch 1:  Loss:     0.6299 Validation Accuracy: 0.567600
Epoch 59, CIFAR-10 Batch 1:  Loss:     0.6019 Validation Accuracy: 0.570200
Epoch 60, CIFAR-10 Batch 1:  Loss:     0.5959 Validation Accuracy: 0.576600
Epoch 61, CIFAR-10 Batch 1:  Loss:     0.5606 Validation Accuracy: 0.577200
Epoch 62, CIFAR-10 Batch 1:  Loss:     0.5374 Validation Accuracy: 0.566800
Epoch 63, CIFAR-10 Batch 1:  Loss:     0.5163 Validation Accuracy: 0.581000
Epoch 64, CIFAR-10 Batch 1:  Loss:     0.5503 Validation Accuracy: 0.572400
Epoch 65, CIFAR-10 Batch 1:  Loss:     0.5145 Validation Accuracy: 0.584600
Epoch 66, CIFAR-10 Batch 1:  Loss:     0.4688 Validation Accuracy: 0.578800
Epoch 67, CIFAR-10 Batch 1:  Loss:     0.4651 Validation Accuracy: 0.578200
Epoch 68, CIFAR-10 Batch 1:  Loss:     0.4507 Validation Accuracy: 0.572400
Epoch 69, CIFAR-10 Batch 1:  Loss:     0.4864 Validation Accuracy: 0.571400
Epoch 70, CIFAR-10 Batch 1:  Loss:     0.4410 Validation Accuracy: 0.572000
Epoch 71, CIFAR-10 Batch 1:  Loss:     0.4315 Validation Accuracy: 0.588400
Epoch 72, CIFAR-10 Batch 1:  Loss:     0.4954 Validation Accuracy: 0.540600
Epoch 73, CIFAR-10 Batch 1:  Loss:     0.4439 Validation Accuracy: 0.567400
Epoch 74, CIFAR-10 Batch 1:  Loss:     0.3628 Validation Accuracy: 0.576800
Epoch 75, CIFAR-10 Batch 1:  Loss:     0.3264 Validation Accuracy: 0.595600
Epoch 76, CIFAR-10 Batch 1:  Loss:     0.3472 Validation Accuracy: 0.581400
Epoch 77, CIFAR-10 Batch 1:  Loss:     0.2872 Validation Accuracy: 0.594200
Epoch 78, CIFAR-10 Batch 1:  Loss:     0.3126 Validation Accuracy: 0.592800
Epoch 79, CIFAR-10 Batch 1:  Loss:     0.3207 Validation Accuracy: 0.572000
Epoch 80, CIFAR-10 Batch 1:  Loss:     0.3090 Validation Accuracy: 0.582000
Epoch 81, CIFAR-10 Batch 1:  Loss:     0.2647 Validation Accuracy: 0.599000
Epoch 82, CIFAR-10 Batch 1:  Loss:     0.2318 Validation Accuracy: 0.599600
Epoch 83, CIFAR-10 Batch 1:  Loss:     0.2299 Validation Accuracy: 0.599800
Epoch 84, CIFAR-10 Batch 1:  Loss:     0.2331 Validation Accuracy: 0.597200
Epoch 85, CIFAR-10 Batch 1:  Loss:     0.2292 Validation Accuracy: 0.603400
Epoch 86, CIFAR-10 Batch 1:  Loss:     0.2018 Validation Accuracy: 0.601600
Epoch 87, CIFAR-10 Batch 1:  Loss:     0.1775 Validation Accuracy: 0.603200
Epoch 88, CIFAR-10 Batch 1:  Loss:     0.1822 Validation Accuracy: 0.604400
Epoch 89, CIFAR-10 Batch 1:  Loss:     0.1755 Validation Accuracy: 0.602400
Epoch 90, CIFAR-10 Batch 1:  Loss:     0.1726 Validation Accuracy: 0.605400
Epoch 91, CIFAR-10 Batch 1:  Loss:     0.1536 Validation Accuracy: 0.605000
Epoch 92, CIFAR-10 Batch 1:  Loss:     0.1637 Validation Accuracy: 0.593000
Epoch 93, CIFAR-10 Batch 1:  Loss:     0.1561 Validation Accuracy: 0.592000
Epoch 94, CIFAR-10 Batch 1:  Loss:     0.1472 Validation Accuracy: 0.601000
Epoch 95, CIFAR-10 Batch 1:  Loss:     0.1450 Validation Accuracy: 0.591600
Epoch 96, CIFAR-10 Batch 1:  Loss:     0.1322 Validation Accuracy: 0.599800
Epoch 97, CIFAR-10 Batch 1:  Loss:     0.1296 Validation Accuracy: 0.604200
Epoch 98, CIFAR-10 Batch 1:  Loss:     0.1163 Validation Accuracy: 0.605200
Epoch 99, CIFAR-10 Batch 1:  Loss:     0.1265 Validation Accuracy: 0.596600
Epoch 100, CIFAR-10 Batch 1:  Loss:     0.1105 Validation Accuracy: 0.604200

Fully Train the Model

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

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

epochs =  27
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.2378 Validation Accuracy: 0.137000
Epoch  1, CIFAR-10 Batch 2:  Loss:     2.1529 Validation Accuracy: 0.188800
Epoch  1, CIFAR-10 Batch 3:  Loss:     2.0471 Validation Accuracy: 0.218200
Epoch  1, CIFAR-10 Batch 4:  Loss:     1.9672 Validation Accuracy: 0.241000
Epoch  1, CIFAR-10 Batch 5:  Loss:     1.9529 Validation Accuracy: 0.273600
Epoch  2, CIFAR-10 Batch 1:  Loss:     1.9888 Validation Accuracy: 0.261200
Epoch  2, CIFAR-10 Batch 2:  Loss:     1.8251 Validation Accuracy: 0.304400
Epoch  2, CIFAR-10 Batch 3:  Loss:     1.6509 Validation Accuracy: 0.324200
Epoch  2, CIFAR-10 Batch 4:  Loss:     1.6911 Validation Accuracy: 0.345200
Epoch  2, CIFAR-10 Batch 5:  Loss:     1.7381 Validation Accuracy: 0.348200
Epoch  3, CIFAR-10 Batch 1:  Loss:     1.8119 Validation Accuracy: 0.339800
Epoch  3, CIFAR-10 Batch 2:  Loss:     1.6782 Validation Accuracy: 0.368000
Epoch  3, CIFAR-10 Batch 3:  Loss:     1.5446 Validation Accuracy: 0.369400
Epoch  3, CIFAR-10 Batch 4:  Loss:     1.5318 Validation Accuracy: 0.397400
Epoch  3, CIFAR-10 Batch 5:  Loss:     1.5750 Validation Accuracy: 0.400800
Epoch  4, CIFAR-10 Batch 1:  Loss:     1.6975 Validation Accuracy: 0.383800
Epoch  4, CIFAR-10 Batch 2:  Loss:     1.5651 Validation Accuracy: 0.410600
Epoch  4, CIFAR-10 Batch 3:  Loss:     1.4380 Validation Accuracy: 0.413600
Epoch  4, CIFAR-10 Batch 4:  Loss:     1.4162 Validation Accuracy: 0.417400
Epoch  4, CIFAR-10 Batch 5:  Loss:     1.4888 Validation Accuracy: 0.435000
Epoch  5, CIFAR-10 Batch 1:  Loss:     1.5533 Validation Accuracy: 0.448200
Epoch  5, CIFAR-10 Batch 2:  Loss:     1.4719 Validation Accuracy: 0.441200
Epoch  5, CIFAR-10 Batch 3:  Loss:     1.3262 Validation Accuracy: 0.443800
Epoch  5, CIFAR-10 Batch 4:  Loss:     1.3367 Validation Accuracy: 0.450400
Epoch  5, CIFAR-10 Batch 5:  Loss:     1.3802 Validation Accuracy: 0.466200
Epoch  6, CIFAR-10 Batch 1:  Loss:     1.4597 Validation Accuracy: 0.470200
Epoch  6, CIFAR-10 Batch 2:  Loss:     1.3848 Validation Accuracy: 0.486600
Epoch  6, CIFAR-10 Batch 3:  Loss:     1.2685 Validation Accuracy: 0.474400
Epoch  6, CIFAR-10 Batch 4:  Loss:     1.2679 Validation Accuracy: 0.488400
Epoch  6, CIFAR-10 Batch 5:  Loss:     1.2905 Validation Accuracy: 0.494400
Epoch  7, CIFAR-10 Batch 1:  Loss:     1.4315 Validation Accuracy: 0.477200
Epoch  7, CIFAR-10 Batch 2:  Loss:     1.3329 Validation Accuracy: 0.499600
Epoch  7, CIFAR-10 Batch 3:  Loss:     1.1672 Validation Accuracy: 0.515800
Epoch  7, CIFAR-10 Batch 4:  Loss:     1.1794 Validation Accuracy: 0.518000
Epoch  7, CIFAR-10 Batch 5:  Loss:     1.2145 Validation Accuracy: 0.519200
Epoch  8, CIFAR-10 Batch 1:  Loss:     1.3427 Validation Accuracy: 0.508000
Epoch  8, CIFAR-10 Batch 2:  Loss:     1.3063 Validation Accuracy: 0.500800
Epoch  8, CIFAR-10 Batch 3:  Loss:     1.1061 Validation Accuracy: 0.542600
Epoch  8, CIFAR-10 Batch 4:  Loss:     1.0938 Validation Accuracy: 0.540000
Epoch  8, CIFAR-10 Batch 5:  Loss:     1.1400 Validation Accuracy: 0.536400
Epoch  9, CIFAR-10 Batch 1:  Loss:     1.2655 Validation Accuracy: 0.538200
Epoch  9, CIFAR-10 Batch 2:  Loss:     1.2263 Validation Accuracy: 0.529200
Epoch  9, CIFAR-10 Batch 3:  Loss:     1.0890 Validation Accuracy: 0.536600
Epoch  9, CIFAR-10 Batch 4:  Loss:     1.0190 Validation Accuracy: 0.560400
Epoch  9, CIFAR-10 Batch 5:  Loss:     1.0705 Validation Accuracy: 0.559600
Epoch 10, CIFAR-10 Batch 1:  Loss:     1.2041 Validation Accuracy: 0.545800
Epoch 10, CIFAR-10 Batch 2:  Loss:     1.1513 Validation Accuracy: 0.552400
Epoch 10, CIFAR-10 Batch 3:  Loss:     0.9922 Validation Accuracy: 0.574800
Epoch 10, CIFAR-10 Batch 4:  Loss:     0.9663 Validation Accuracy: 0.571000
Epoch 10, CIFAR-10 Batch 5:  Loss:     1.0212 Validation Accuracy: 0.570600
Epoch 11, CIFAR-10 Batch 1:  Loss:     1.1079 Validation Accuracy: 0.576800
Epoch 11, CIFAR-10 Batch 2:  Loss:     1.1055 Validation Accuracy: 0.553600
Epoch 11, CIFAR-10 Batch 3:  Loss:     0.9368 Validation Accuracy: 0.587400
Epoch 11, CIFAR-10 Batch 4:  Loss:     0.9013 Validation Accuracy: 0.597000
Epoch 11, CIFAR-10 Batch 5:  Loss:     0.9487 Validation Accuracy: 0.594000
Epoch 12, CIFAR-10 Batch 1:  Loss:     1.0254 Validation Accuracy: 0.603800
Epoch 12, CIFAR-10 Batch 2:  Loss:     1.0403 Validation Accuracy: 0.572800
Epoch 12, CIFAR-10 Batch 3:  Loss:     0.9053 Validation Accuracy: 0.597800
Epoch 12, CIFAR-10 Batch 4:  Loss:     0.8518 Validation Accuracy: 0.604200
Epoch 12, CIFAR-10 Batch 5:  Loss:     0.8983 Validation Accuracy: 0.616600
Epoch 13, CIFAR-10 Batch 1:  Loss:     0.9448 Validation Accuracy: 0.623000
Epoch 13, CIFAR-10 Batch 2:  Loss:     1.0003 Validation Accuracy: 0.576800
Epoch 13, CIFAR-10 Batch 3:  Loss:     0.8389 Validation Accuracy: 0.621200
Epoch 13, CIFAR-10 Batch 4:  Loss:     0.7895 Validation Accuracy: 0.617400
Epoch 13, CIFAR-10 Batch 5:  Loss:     0.8314 Validation Accuracy: 0.623200
Epoch 14, CIFAR-10 Batch 1:  Loss:     0.8964 Validation Accuracy: 0.626400
Epoch 14, CIFAR-10 Batch 2:  Loss:     0.9014 Validation Accuracy: 0.626000
Epoch 14, CIFAR-10 Batch 3:  Loss:     0.7501 Validation Accuracy: 0.641200
Epoch 14, CIFAR-10 Batch 4:  Loss:     0.7396 Validation Accuracy: 0.646000
Epoch 14, CIFAR-10 Batch 5:  Loss:     0.7757 Validation Accuracy: 0.643000
Epoch 15, CIFAR-10 Batch 1:  Loss:     0.8421 Validation Accuracy: 0.641400
Epoch 15, CIFAR-10 Batch 2:  Loss:     0.8423 Validation Accuracy: 0.645400
Epoch 15, CIFAR-10 Batch 3:  Loss:     0.7408 Validation Accuracy: 0.648800
Epoch 15, CIFAR-10 Batch 4:  Loss:     0.6929 Validation Accuracy: 0.655000
Epoch 15, CIFAR-10 Batch 5:  Loss:     0.7372 Validation Accuracy: 0.658800
Epoch 16, CIFAR-10 Batch 1:  Loss:     0.7769 Validation Accuracy: 0.657800
Epoch 16, CIFAR-10 Batch 2:  Loss:     0.7986 Validation Accuracy: 0.642800
Epoch 16, CIFAR-10 Batch 3:  Loss:     0.7097 Validation Accuracy: 0.657200
Epoch 16, CIFAR-10 Batch 4:  Loss:     0.6542 Validation Accuracy: 0.657800
Epoch 16, CIFAR-10 Batch 5:  Loss:     0.7189 Validation Accuracy: 0.665400
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.7289 Validation Accuracy: 0.665800
Epoch 17, CIFAR-10 Batch 2:  Loss:     0.7913 Validation Accuracy: 0.644800
Epoch 17, CIFAR-10 Batch 3:  Loss:     0.6368 Validation Accuracy: 0.674600
Epoch 17, CIFAR-10 Batch 4:  Loss:     0.6161 Validation Accuracy: 0.669400
Epoch 17, CIFAR-10 Batch 5:  Loss:     0.6519 Validation Accuracy: 0.676000
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.7000 Validation Accuracy: 0.672400
Epoch 18, CIFAR-10 Batch 2:  Loss:     0.7037 Validation Accuracy: 0.683400
Epoch 18, CIFAR-10 Batch 3:  Loss:     0.5990 Validation Accuracy: 0.677200
Epoch 18, CIFAR-10 Batch 4:  Loss:     0.5725 Validation Accuracy: 0.668200
Epoch 18, CIFAR-10 Batch 5:  Loss:     0.5893 Validation Accuracy: 0.680800
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.6514 Validation Accuracy: 0.689400
Epoch 19, CIFAR-10 Batch 2:  Loss:     0.6790 Validation Accuracy: 0.678600
Epoch 19, CIFAR-10 Batch 3:  Loss:     0.5706 Validation Accuracy: 0.679400
Epoch 19, CIFAR-10 Batch 4:  Loss:     0.5367 Validation Accuracy: 0.679400
Epoch 19, CIFAR-10 Batch 5:  Loss:     0.5737 Validation Accuracy: 0.688600
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.6090 Validation Accuracy: 0.689200
Epoch 20, CIFAR-10 Batch 2:  Loss:     0.6438 Validation Accuracy: 0.684200
Epoch 20, CIFAR-10 Batch 3:  Loss:     0.5586 Validation Accuracy: 0.688800
Epoch 20, CIFAR-10 Batch 4:  Loss:     0.4780 Validation Accuracy: 0.689800
Epoch 20, CIFAR-10 Batch 5:  Loss:     0.5178 Validation Accuracy: 0.695600
Epoch 21, CIFAR-10 Batch 1:  Loss:     0.5403 Validation Accuracy: 0.696600
Epoch 21, CIFAR-10 Batch 2:  Loss:     0.5888 Validation Accuracy: 0.697400
Epoch 21, CIFAR-10 Batch 3:  Loss:     0.5027 Validation Accuracy: 0.697000
Epoch 21, CIFAR-10 Batch 4:  Loss:     0.4698 Validation Accuracy: 0.691000
Epoch 21, CIFAR-10 Batch 5:  Loss:     0.4959 Validation Accuracy: 0.700600
Epoch 22, CIFAR-10 Batch 1:  Loss:     0.5402 Validation Accuracy: 0.693400
Epoch 22, CIFAR-10 Batch 2:  Loss:     0.5379 Validation Accuracy: 0.709600
Epoch 22, CIFAR-10 Batch 3:  Loss:     0.4580 Validation Accuracy: 0.703000
Epoch 22, CIFAR-10 Batch 4:  Loss:     0.4477 Validation Accuracy: 0.703000
Epoch 22, CIFAR-10 Batch 5:  Loss:     0.4475 Validation Accuracy: 0.704800
Epoch 23, CIFAR-10 Batch 1:  Loss:     0.4671 Validation Accuracy: 0.708600
Epoch 23, CIFAR-10 Batch 2:  Loss:     0.5384 Validation Accuracy: 0.706200
Epoch 23, CIFAR-10 Batch 3:  Loss:     0.4251 Validation Accuracy: 0.707000
Epoch 23, CIFAR-10 Batch 4:  Loss:     0.4119 Validation Accuracy: 0.708600
Epoch 23, CIFAR-10 Batch 5:  Loss:     0.4268 Validation Accuracy: 0.702800
Epoch 24, CIFAR-10 Batch 1:  Loss:     0.4373 Validation Accuracy: 0.711200
Epoch 24, CIFAR-10 Batch 2:  Loss:     0.4746 Validation Accuracy: 0.710600
Epoch 24, CIFAR-10 Batch 3:  Loss:     0.4014 Validation Accuracy: 0.704800
Epoch 24, CIFAR-10 Batch 4:  Loss:     0.3890 Validation Accuracy: 0.707800
Epoch 24, CIFAR-10 Batch 5:  Loss:     0.3937 Validation Accuracy: 0.705600
Epoch 25, CIFAR-10 Batch 1:  Loss:     0.4076 Validation Accuracy: 0.715000
Epoch 25, CIFAR-10 Batch 2:  Loss:     0.4252 Validation Accuracy: 0.714600
Epoch 25, CIFAR-10 Batch 3:  Loss:     0.3534 Validation Accuracy: 0.709000
Epoch 25, CIFAR-10 Batch 4:  Loss:     0.3706 Validation Accuracy: 0.713400
Epoch 25, CIFAR-10 Batch 5:  Loss:     0.3858 Validation Accuracy: 0.697600
Epoch 26, CIFAR-10 Batch 1:  Loss:     0.3828 Validation Accuracy: 0.717800
Epoch 26, CIFAR-10 Batch 2:  Loss:     0.3971 Validation Accuracy: 0.717000
Epoch 26, CIFAR-10 Batch 3:  Loss:     0.3478 Validation Accuracy: 0.709400
Epoch 26, CIFAR-10 Batch 4:  Loss:     0.3304 Validation Accuracy: 0.706600
Epoch 26, CIFAR-10 Batch 5:  Loss:     0.3446 Validation Accuracy: 0.715200
Epoch 27, CIFAR-10 Batch 1:  Loss:     0.3280 Validation Accuracy: 0.712200
Epoch 27, CIFAR-10 Batch 2:  Loss:     0.3547 Validation Accuracy: 0.723800
Epoch 27, CIFAR-10 Batch 3:  Loss:     0.3203 Validation Accuracy: 0.710600
Epoch 27, CIFAR-10 Batch 4:  Loss:     0.3149 Validation Accuracy: 0.714200
Epoch 27, CIFAR-10 Batch 5:  Loss:     0.3076 Validation Accuracy: 0.715600

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 [110]:
"""
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()
Testing Accuracy: 0.7117474734783172

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.