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 [2]:
"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
from urllib.request import urlretrieve
from os.path import isfile, isdir
from tqdm import tqdm
import problem_unittests as tests
import tarfile

cifar10_dataset_folder_path = 'cifar-10-batches-py'

class DLProgress(tqdm):
    last_block = 0

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

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

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


tests.test_folder_path(cifar10_dataset_folder_path)


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

import helper
import numpy as np

# Explore the dataset
batch_id = 5

sample_id = 10
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 10:
Image - Min Value: 16 Max Value: 227
Image - Shape: (32, 32, 3)
Label - Label Id: 7 Name: horse

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 [6]:
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
    """
    # TODO: Implement Function
    # I used nanmax because return the maximum of an array or maximum along an axis, ignoring any NaNs. I don't know 
    # maybe there are some NaNs for future works.
    
    # Revisar https://www.youtube.com/watch?time_continue=59&v=WaHQ9-UXIIg
    
    return x/np.nanmax(x)

    


"""
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 [7]:
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
    
    """
    # TODO: Implement Function
    # with help of this topic https://nd101.slack.com/archives/project-2/p1488897256013609?thread_ts=1488894897.013552&cid=C3Q7DJM1R
    rt = None
    for i in x:
        if rt is None:
            rt = np.eye(N=1, M=10, k=i)
        else:
            rt = np.append(rt, np.eye(N=1, M=10, k=i), axis=0)
    return rt

"""
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 [8]:
"""
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 [9]:
"""
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 [10]:
import tensorflow as tf

def neural_net_image_input(image_shape):
    """
    Return a Tensor for a bach of image input
    : image_shape: Shape of the images
    : return: Tensor for image input.
    """
    # TODO: Implement Function
    w = image_shape[0]
    h = image_shape[1]
    dep = image_shape[2]
    return tf.placeholder(tf.float32, shape=(None,w,h,dep), name="x") # in order to obtein initial depth use index 3


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.
    """
    # TODO: Implement Function
    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 [12]:
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
    """
    # TODO: Implement Function
    #x_tensor.TensorShape.as_list()
    # initializing weights and bias
    weights = tf.Variable(tf.random_normal([conv_ksize[0],conv_ksize[1],x_tensor.get_shape().as_list()[3],conv_num_outputs],
                                           dtype=tf.float32))
    bias = tf.Variable(tf.random_normal([conv_num_outputs],dtype=tf.float32))
                                    
    # apliyin conv
    convolution_layer = tf.nn.conv2d(x_tensor,weights, strides=[1,conv_strides[0],conv_strides[1],1],padding='SAME')
    # adding bias
    convolution_layer = tf.nn.bias_add(convolution_layer,bias)
    # Non linear activation
    convolution_layer = tf.nn.relu(convolution_layer)
    # Applyin pooling
    convolution_layer = tf.nn.max_pool(convolution_layer,
                                       ksize=[1,pool_ksize[0],pool_ksize[1],1],
                                       strides=[1,pool_strides[0],pool_strides[1],1],
                                       padding='SAME')
    
    return convolution_layer


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


Tests Passed

Flatten Layer

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


In [13]:
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).
    """
    # TODO: Implement Function
    image_flatten_size = x_tensor.get_shape().as_list()[1]\
                        *x_tensor.get_shape().as_list()[2]\
                        *x_tensor.get_shape().as_list()[3]
            
    return tf.reshape(x_tensor,[-1,image_flatten_size])

"""
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 [43]:
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
    # Revisar inicializacion de los pesos
    
    weights = tf.Variable(tf.truncated_normal([x_tensor.get_shape().as_list()[1], num_outputs], stddev=0.1))
    bias = tf.Variable(tf.truncated_normal([num_outputs],stddev=0.1))
    fully_connected_layer = tf.add(tf.matmul(x_tensor,weights),bias)
    fully_connected_layer = tf.nn.relu(fully_connected_layer)
    
    return fully_connected_layer


"""
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 [44]:
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.
    """
    # TODO: Implement Function
    weights = tf.Variable(tf.truncated_normal([x_tensor.get_shape().as_list()[1], num_outputs],stddev=0.1))
    bias = tf.Variable(tf.truncated_normal([num_outputs],stddev=0.1))
    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 [79]:
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
    """
    x_tensor = x
    conv_num_outputs_1 = 22
    conv_num_outputs_2 = 44
    conv_ksize = [3, 3] # size of window i.e the patch size
    conv_strides = [1,1] #paso en vertical y horizontal
    pool_ksize = [2, 2]
    pool_strides = [2, 2]
    num_outputs_fully_1 = 256
    num_outputs_fully_2 = 128
    num_outputs = 10
    # 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:
    conv_layer_1 = conv2d_maxpool(x_tensor, conv_num_outputs_1, conv_ksize, conv_strides, pool_ksize, pool_strides)
    conv_layer_2 = conv2d_maxpool(conv_layer_1, conv_num_outputs_2, conv_ksize, conv_strides, pool_ksize, pool_strides)
    
    

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

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


"""
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 [80]:
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})
    pass


"""
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 [81]:
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
    """
    # TODO: Implement 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 [88]:
# TODO: Tune Parameters
epochs = 40

batch_size = 128
keep_probability = 0.8

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 [89]:
"""
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.2832 Validation Accuracy: 0.115800
Epoch  2, CIFAR-10 Batch 1:  Loss:     2.2587 Validation Accuracy: 0.136400
Epoch  3, CIFAR-10 Batch 1:  Loss:     2.2317 Validation Accuracy: 0.178000
Epoch  4, CIFAR-10 Batch 1:  Loss:     2.1920 Validation Accuracy: 0.194600
Epoch  5, CIFAR-10 Batch 1:  Loss:     2.1200 Validation Accuracy: 0.190400
Epoch  6, CIFAR-10 Batch 1:  Loss:     2.0689 Validation Accuracy: 0.216400
Epoch  7, CIFAR-10 Batch 1:  Loss:     2.0638 Validation Accuracy: 0.213400
Epoch  8, CIFAR-10 Batch 1:  Loss:     2.0074 Validation Accuracy: 0.220800
Epoch  9, CIFAR-10 Batch 1:  Loss:     1.9827 Validation Accuracy: 0.232400
Epoch 10, CIFAR-10 Batch 1:  Loss:     2.0090 Validation Accuracy: 0.218800
Epoch 11, CIFAR-10 Batch 1:  Loss:     1.9117 Validation Accuracy: 0.252800
Epoch 12, CIFAR-10 Batch 1:  Loss:     1.9438 Validation Accuracy: 0.253000
Epoch 13, CIFAR-10 Batch 1:  Loss:     1.9525 Validation Accuracy: 0.251200
Epoch 14, CIFAR-10 Batch 1:  Loss:     1.9019 Validation Accuracy: 0.282400
Epoch 15, CIFAR-10 Batch 1:  Loss:     1.8760 Validation Accuracy: 0.284400
Epoch 16, CIFAR-10 Batch 1:  Loss:     1.8755 Validation Accuracy: 0.267200
Epoch 17, CIFAR-10 Batch 1:  Loss:     1.8655 Validation Accuracy: 0.270600
Epoch 18, CIFAR-10 Batch 1:  Loss:     1.7942 Validation Accuracy: 0.293800
Epoch 19, CIFAR-10 Batch 1:  Loss:     1.7607 Validation Accuracy: 0.308200
Epoch 20, CIFAR-10 Batch 1:  Loss:     1.7401 Validation Accuracy: 0.314000
Epoch 21, CIFAR-10 Batch 1:  Loss:     1.7055 Validation Accuracy: 0.335800
Epoch 22, CIFAR-10 Batch 1:  Loss:     1.7748 Validation Accuracy: 0.306600
Epoch 23, CIFAR-10 Batch 1:  Loss:     1.6923 Validation Accuracy: 0.334400
Epoch 24, CIFAR-10 Batch 1:  Loss:     1.6555 Validation Accuracy: 0.348200
Epoch 25, CIFAR-10 Batch 1:  Loss:     1.6275 Validation Accuracy: 0.340600
Epoch 26, CIFAR-10 Batch 1:  Loss:     1.5564 Validation Accuracy: 0.375000
Epoch 27, CIFAR-10 Batch 1:  Loss:     1.5563 Validation Accuracy: 0.367800
Epoch 28, CIFAR-10 Batch 1:  Loss:     1.4074 Validation Accuracy: 0.394200
Epoch 29, CIFAR-10 Batch 1:  Loss:     1.3238 Validation Accuracy: 0.412000
Epoch 30, CIFAR-10 Batch 1:  Loss:     1.3082 Validation Accuracy: 0.400400
Epoch 31, CIFAR-10 Batch 1:  Loss:     1.2367 Validation Accuracy: 0.405600
Epoch 32, CIFAR-10 Batch 1:  Loss:     1.2237 Validation Accuracy: 0.399000
Epoch 33, CIFAR-10 Batch 1:  Loss:     1.2175 Validation Accuracy: 0.406000
Epoch 34, CIFAR-10 Batch 1:  Loss:     1.1910 Validation Accuracy: 0.420600
Epoch 35, CIFAR-10 Batch 1:  Loss:     1.1384 Validation Accuracy: 0.438800
Epoch 36, CIFAR-10 Batch 1:  Loss:     1.1362 Validation Accuracy: 0.432600
Epoch 37, CIFAR-10 Batch 1:  Loss:     1.0923 Validation Accuracy: 0.449200
Epoch 38, CIFAR-10 Batch 1:  Loss:     1.0407 Validation Accuracy: 0.456200
Epoch 39, CIFAR-10 Batch 1:  Loss:     1.0668 Validation Accuracy: 0.450600
Epoch 40, CIFAR-10 Batch 1:  Loss:     1.0462 Validation Accuracy: 0.452200

Fully Train the Model

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


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

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


Training...
Epoch  1, CIFAR-10 Batch 1:  Loss:     2.2428 Validation Accuracy: 0.130400
Epoch  1, CIFAR-10 Batch 2:  Loss:     2.3497 Validation Accuracy: 0.103400
Epoch  1, CIFAR-10 Batch 3:  Loss:     2.2971 Validation Accuracy: 0.102400
Epoch  1, CIFAR-10 Batch 4:  Loss:     2.2982 Validation Accuracy: 0.100000
Epoch  1, CIFAR-10 Batch 5:  Loss:     2.3016 Validation Accuracy: 0.097800
Epoch  2, CIFAR-10 Batch 1:  Loss:     2.3022 Validation Accuracy: 0.097800
Epoch  2, CIFAR-10 Batch 2:  Loss:     2.3014 Validation Accuracy: 0.102000
Epoch  2, CIFAR-10 Batch 3:  Loss:     2.2766 Validation Accuracy: 0.115400
Epoch  2, CIFAR-10 Batch 4:  Loss:     2.2966 Validation Accuracy: 0.123600
Epoch  2, CIFAR-10 Batch 5:  Loss:     2.2802 Validation Accuracy: 0.132600
Epoch  3, CIFAR-10 Batch 1:  Loss:     2.2366 Validation Accuracy: 0.178000
Epoch  3, CIFAR-10 Batch 2:  Loss:     2.2043 Validation Accuracy: 0.183400
Epoch  3, CIFAR-10 Batch 3:  Loss:     2.0399 Validation Accuracy: 0.166200
Epoch  3, CIFAR-10 Batch 4:  Loss:     2.1500 Validation Accuracy: 0.173600
Epoch  3, CIFAR-10 Batch 5:  Loss:     2.1349 Validation Accuracy: 0.172200
Epoch  4, CIFAR-10 Batch 1:  Loss:     2.1793 Validation Accuracy: 0.184800
Epoch  4, CIFAR-10 Batch 2:  Loss:     2.0278 Validation Accuracy: 0.196000
Epoch  4, CIFAR-10 Batch 3:  Loss:     1.8232 Validation Accuracy: 0.195200
Epoch  4, CIFAR-10 Batch 4:  Loss:     1.9348 Validation Accuracy: 0.199600
Epoch  4, CIFAR-10 Batch 5:  Loss:     1.9758 Validation Accuracy: 0.203600
Epoch  5, CIFAR-10 Batch 1:  Loss:     2.1139 Validation Accuracy: 0.205200
Epoch  5, CIFAR-10 Batch 2:  Loss:     1.9511 Validation Accuracy: 0.205400
Epoch  5, CIFAR-10 Batch 3:  Loss:     1.7553 Validation Accuracy: 0.222400
Epoch  5, CIFAR-10 Batch 4:  Loss:     1.9122 Validation Accuracy: 0.183600
Epoch  5, CIFAR-10 Batch 5:  Loss:     1.9332 Validation Accuracy: 0.229000
Epoch  6, CIFAR-10 Batch 1:  Loss:     2.0311 Validation Accuracy: 0.232000
Epoch  6, CIFAR-10 Batch 2:  Loss:     1.9003 Validation Accuracy: 0.264400
Epoch  6, CIFAR-10 Batch 3:  Loss:     1.6106 Validation Accuracy: 0.272400
Epoch  6, CIFAR-10 Batch 4:  Loss:     1.7737 Validation Accuracy: 0.323200
Epoch  6, CIFAR-10 Batch 5:  Loss:     1.8028 Validation Accuracy: 0.292000
Epoch  7, CIFAR-10 Batch 1:  Loss:     1.8997 Validation Accuracy: 0.341200
Epoch  7, CIFAR-10 Batch 2:  Loss:     1.7820 Validation Accuracy: 0.339400
Epoch  7, CIFAR-10 Batch 3:  Loss:     1.4864 Validation Accuracy: 0.330000
Epoch  7, CIFAR-10 Batch 4:  Loss:     1.6444 Validation Accuracy: 0.363000
Epoch  7, CIFAR-10 Batch 5:  Loss:     1.6680 Validation Accuracy: 0.348400
Epoch  8, CIFAR-10 Batch 1:  Loss:     1.7208 Validation Accuracy: 0.374800
Epoch  8, CIFAR-10 Batch 2:  Loss:     1.6839 Validation Accuracy: 0.375600
Epoch  8, CIFAR-10 Batch 3:  Loss:     1.3116 Validation Accuracy: 0.362200
Epoch  8, CIFAR-10 Batch 4:  Loss:     1.5640 Validation Accuracy: 0.393600
Epoch  8, CIFAR-10 Batch 5:  Loss:     1.5360 Validation Accuracy: 0.387800
Epoch  9, CIFAR-10 Batch 1:  Loss:     1.6556 Validation Accuracy: 0.414200
Epoch  9, CIFAR-10 Batch 2:  Loss:     1.6101 Validation Accuracy: 0.408800
Epoch  9, CIFAR-10 Batch 3:  Loss:     1.3216 Validation Accuracy: 0.402000
Epoch  9, CIFAR-10 Batch 4:  Loss:     1.4390 Validation Accuracy: 0.427800
Epoch  9, CIFAR-10 Batch 5:  Loss:     1.4622 Validation Accuracy: 0.409800
Epoch 10, CIFAR-10 Batch 1:  Loss:     1.5374 Validation Accuracy: 0.441600
Epoch 10, CIFAR-10 Batch 2:  Loss:     1.4964 Validation Accuracy: 0.442400
Epoch 10, CIFAR-10 Batch 3:  Loss:     1.2081 Validation Accuracy: 0.409200
Epoch 10, CIFAR-10 Batch 4:  Loss:     1.2980 Validation Accuracy: 0.466600
Epoch 10, CIFAR-10 Batch 5:  Loss:     1.3322 Validation Accuracy: 0.453000
Epoch 11, CIFAR-10 Batch 1:  Loss:     1.4303 Validation Accuracy: 0.473000
Epoch 11, CIFAR-10 Batch 2:  Loss:     1.2940 Validation Accuracy: 0.466800
Epoch 11, CIFAR-10 Batch 3:  Loss:     1.0505 Validation Accuracy: 0.465600
Epoch 11, CIFAR-10 Batch 4:  Loss:     1.2404 Validation Accuracy: 0.494400
Epoch 11, CIFAR-10 Batch 5:  Loss:     1.2470 Validation Accuracy: 0.491200
Epoch 12, CIFAR-10 Batch 1:  Loss:     1.3485 Validation Accuracy: 0.496600
Epoch 12, CIFAR-10 Batch 2:  Loss:     1.2129 Validation Accuracy: 0.502400
Epoch 12, CIFAR-10 Batch 3:  Loss:     1.0190 Validation Accuracy: 0.498200
Epoch 12, CIFAR-10 Batch 4:  Loss:     1.1228 Validation Accuracy: 0.515000
Epoch 12, CIFAR-10 Batch 5:  Loss:     1.1570 Validation Accuracy: 0.508800
Epoch 13, CIFAR-10 Batch 1:  Loss:     1.2898 Validation Accuracy: 0.521600
Epoch 13, CIFAR-10 Batch 2:  Loss:     1.0260 Validation Accuracy: 0.512800
Epoch 13, CIFAR-10 Batch 3:  Loss:     0.9009 Validation Accuracy: 0.517800
Epoch 13, CIFAR-10 Batch 4:  Loss:     1.0456 Validation Accuracy: 0.538200
Epoch 13, CIFAR-10 Batch 5:  Loss:     1.1258 Validation Accuracy: 0.530600
Epoch 14, CIFAR-10 Batch 1:  Loss:     1.1819 Validation Accuracy: 0.530000
Epoch 14, CIFAR-10 Batch 2:  Loss:     0.9613 Validation Accuracy: 0.516000
Epoch 14, CIFAR-10 Batch 3:  Loss:     0.8878 Validation Accuracy: 0.537000
Epoch 14, CIFAR-10 Batch 4:  Loss:     0.9283 Validation Accuracy: 0.553400
Epoch 14, CIFAR-10 Batch 5:  Loss:     1.0509 Validation Accuracy: 0.532000
Epoch 15, CIFAR-10 Batch 1:  Loss:     1.1364 Validation Accuracy: 0.550400
Epoch 15, CIFAR-10 Batch 2:  Loss:     0.9440 Validation Accuracy: 0.545400
Epoch 15, CIFAR-10 Batch 3:  Loss:     0.8214 Validation Accuracy: 0.544600
Epoch 15, CIFAR-10 Batch 4:  Loss:     0.9096 Validation Accuracy: 0.555600
Epoch 15, CIFAR-10 Batch 5:  Loss:     1.0598 Validation Accuracy: 0.553200
Epoch 16, CIFAR-10 Batch 1:  Loss:     1.0760 Validation Accuracy: 0.556400
Epoch 16, CIFAR-10 Batch 2:  Loss:     0.9079 Validation Accuracy: 0.561200
Epoch 16, CIFAR-10 Batch 3:  Loss:     0.7780 Validation Accuracy: 0.569400
Epoch 16, CIFAR-10 Batch 4:  Loss:     0.7767 Validation Accuracy: 0.567400
Epoch 16, CIFAR-10 Batch 5:  Loss:     0.9631 Validation Accuracy: 0.568000
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.9945 Validation Accuracy: 0.578600
Epoch 17, CIFAR-10 Batch 2:  Loss:     0.8578 Validation Accuracy: 0.568600
Epoch 17, CIFAR-10 Batch 3:  Loss:     0.7235 Validation Accuracy: 0.572600
Epoch 17, CIFAR-10 Batch 4:  Loss:     0.8164 Validation Accuracy: 0.575200
Epoch 17, CIFAR-10 Batch 5:  Loss:     0.8824 Validation Accuracy: 0.574400
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.9912 Validation Accuracy: 0.573000
Epoch 18, CIFAR-10 Batch 2:  Loss:     0.8038 Validation Accuracy: 0.582400
Epoch 18, CIFAR-10 Batch 3:  Loss:     0.6732 Validation Accuracy: 0.572400
Epoch 18, CIFAR-10 Batch 4:  Loss:     0.7507 Validation Accuracy: 0.584000
Epoch 18, CIFAR-10 Batch 5:  Loss:     0.8322 Validation Accuracy: 0.590400
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.9098 Validation Accuracy: 0.589000
Epoch 19, CIFAR-10 Batch 2:  Loss:     0.7469 Validation Accuracy: 0.578400
Epoch 19, CIFAR-10 Batch 3:  Loss:     0.6550 Validation Accuracy: 0.569400
Epoch 19, CIFAR-10 Batch 4:  Loss:     0.7039 Validation Accuracy: 0.585600
Epoch 19, CIFAR-10 Batch 5:  Loss:     0.7574 Validation Accuracy: 0.596600
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.8898 Validation Accuracy: 0.592600
Epoch 20, CIFAR-10 Batch 2:  Loss:     0.6578 Validation Accuracy: 0.595400
Epoch 20, CIFAR-10 Batch 3:  Loss:     0.6371 Validation Accuracy: 0.584000
Epoch 20, CIFAR-10 Batch 4:  Loss:     0.6465 Validation Accuracy: 0.592400
Epoch 20, CIFAR-10 Batch 5:  Loss:     0.7305 Validation Accuracy: 0.601000
Epoch 21, CIFAR-10 Batch 1:  Loss:     0.7827 Validation Accuracy: 0.586200
Epoch 21, CIFAR-10 Batch 2:  Loss:     0.6440 Validation Accuracy: 0.598400
Epoch 21, CIFAR-10 Batch 3:  Loss:     0.5364 Validation Accuracy: 0.602800
Epoch 21, CIFAR-10 Batch 4:  Loss:     0.5974 Validation Accuracy: 0.606000
Epoch 21, CIFAR-10 Batch 5:  Loss:     0.6882 Validation Accuracy: 0.597200
Epoch 22, CIFAR-10 Batch 1:  Loss:     0.7304 Validation Accuracy: 0.604200
Epoch 22, CIFAR-10 Batch 2:  Loss:     0.5664 Validation Accuracy: 0.598600
Epoch 22, CIFAR-10 Batch 3:  Loss:     0.5063 Validation Accuracy: 0.594000
Epoch 22, CIFAR-10 Batch 4:  Loss:     0.5541 Validation Accuracy: 0.608200
Epoch 22, CIFAR-10 Batch 5:  Loss:     0.6544 Validation Accuracy: 0.588800
Epoch 23, CIFAR-10 Batch 1:  Loss:     0.7684 Validation Accuracy: 0.597800
Epoch 23, CIFAR-10 Batch 2:  Loss:     0.5358 Validation Accuracy: 0.595000
Epoch 23, CIFAR-10 Batch 3:  Loss:     0.4666 Validation Accuracy: 0.605600
Epoch 23, CIFAR-10 Batch 4:  Loss:     0.4953 Validation Accuracy: 0.603200
Epoch 23, CIFAR-10 Batch 5:  Loss:     0.6059 Validation Accuracy: 0.603000
Epoch 24, CIFAR-10 Batch 1:  Loss:     0.7247 Validation Accuracy: 0.610000
Epoch 24, CIFAR-10 Batch 2:  Loss:     0.5236 Validation Accuracy: 0.597400
Epoch 24, CIFAR-10 Batch 3:  Loss:     0.4426 Validation Accuracy: 0.603200
Epoch 24, CIFAR-10 Batch 4:  Loss:     0.5188 Validation Accuracy: 0.605800
Epoch 24, CIFAR-10 Batch 5:  Loss:     0.5826 Validation Accuracy: 0.600000
Epoch 25, CIFAR-10 Batch 1:  Loss:     0.6049 Validation Accuracy: 0.611000
Epoch 25, CIFAR-10 Batch 2:  Loss:     0.4950 Validation Accuracy: 0.606200
Epoch 25, CIFAR-10 Batch 3:  Loss:     0.4827 Validation Accuracy: 0.611600
Epoch 25, CIFAR-10 Batch 4:  Loss:     0.5163 Validation Accuracy: 0.615600
Epoch 25, CIFAR-10 Batch 5:  Loss:     0.5648 Validation Accuracy: 0.606000
Epoch 26, CIFAR-10 Batch 1:  Loss:     0.5918 Validation Accuracy: 0.606600
Epoch 26, CIFAR-10 Batch 2:  Loss:     0.4589 Validation Accuracy: 0.615200
Epoch 26, CIFAR-10 Batch 3:  Loss:     0.4367 Validation Accuracy: 0.613600
Epoch 26, CIFAR-10 Batch 4:  Loss:     0.4874 Validation Accuracy: 0.618200
Epoch 26, CIFAR-10 Batch 5:  Loss:     0.4880 Validation Accuracy: 0.614400
Epoch 27, CIFAR-10 Batch 1:  Loss:     0.5600 Validation Accuracy: 0.599800
Epoch 27, CIFAR-10 Batch 2:  Loss:     0.4283 Validation Accuracy: 0.611000
Epoch 27, CIFAR-10 Batch 3:  Loss:     0.4084 Validation Accuracy: 0.615400
Epoch 27, CIFAR-10 Batch 4:  Loss:     0.4172 Validation Accuracy: 0.611200
Epoch 27, CIFAR-10 Batch 5:  Loss:     0.5034 Validation Accuracy: 0.614400
Epoch 28, CIFAR-10 Batch 1:  Loss:     0.5846 Validation Accuracy: 0.602200
Epoch 28, CIFAR-10 Batch 2:  Loss:     0.4285 Validation Accuracy: 0.603600
Epoch 28, CIFAR-10 Batch 3:  Loss:     0.3779 Validation Accuracy: 0.606200
Epoch 28, CIFAR-10 Batch 4:  Loss:     0.4208 Validation Accuracy: 0.621400
Epoch 28, CIFAR-10 Batch 5:  Loss:     0.5314 Validation Accuracy: 0.614000
Epoch 29, CIFAR-10 Batch 1:  Loss:     0.5405 Validation Accuracy: 0.609600
Epoch 29, CIFAR-10 Batch 2:  Loss:     0.4646 Validation Accuracy: 0.610200
Epoch 29, CIFAR-10 Batch 3:  Loss:     0.3447 Validation Accuracy: 0.615400
Epoch 29, CIFAR-10 Batch 4:  Loss:     0.3638 Validation Accuracy: 0.625600
Epoch 29, CIFAR-10 Batch 5:  Loss:     0.4962 Validation Accuracy: 0.622400
Epoch 30, CIFAR-10 Batch 1:  Loss:     0.5504 Validation Accuracy: 0.599600
Epoch 30, CIFAR-10 Batch 2:  Loss:     0.4263 Validation Accuracy: 0.618200
Epoch 30, CIFAR-10 Batch 3:  Loss:     0.3222 Validation Accuracy: 0.618600
Epoch 30, CIFAR-10 Batch 4:  Loss:     0.3387 Validation Accuracy: 0.613200
Epoch 30, CIFAR-10 Batch 5:  Loss:     0.5117 Validation Accuracy: 0.610000
Epoch 31, CIFAR-10 Batch 1:  Loss:     0.5075 Validation Accuracy: 0.607000
Epoch 31, CIFAR-10 Batch 2:  Loss:     0.3552 Validation Accuracy: 0.615000
Epoch 31, CIFAR-10 Batch 3:  Loss:     0.3430 Validation Accuracy: 0.616200
Epoch 31, CIFAR-10 Batch 4:  Loss:     0.2891 Validation Accuracy: 0.624800
Epoch 31, CIFAR-10 Batch 5:  Loss:     0.4681 Validation Accuracy: 0.628600
Epoch 32, CIFAR-10 Batch 1:  Loss:     0.4291 Validation Accuracy: 0.610800
Epoch 32, CIFAR-10 Batch 2:  Loss:     0.3565 Validation Accuracy: 0.614000
Epoch 32, CIFAR-10 Batch 3:  Loss:     0.3147 Validation Accuracy: 0.614000
Epoch 32, CIFAR-10 Batch 4:  Loss:     0.2918 Validation Accuracy: 0.618000
Epoch 32, CIFAR-10 Batch 5:  Loss:     0.4126 Validation Accuracy: 0.627000
Epoch 33, CIFAR-10 Batch 1:  Loss:     0.4284 Validation Accuracy: 0.600800
Epoch 33, CIFAR-10 Batch 2:  Loss:     0.3431 Validation Accuracy: 0.607600
Epoch 33, CIFAR-10 Batch 3:  Loss:     0.3028 Validation Accuracy: 0.608800
Epoch 33, CIFAR-10 Batch 4:  Loss:     0.2677 Validation Accuracy: 0.618000
Epoch 33, CIFAR-10 Batch 5:  Loss:     0.4426 Validation Accuracy: 0.618200
Epoch 34, CIFAR-10 Batch 1:  Loss:     0.4080 Validation Accuracy: 0.607400
Epoch 34, CIFAR-10 Batch 2:  Loss:     0.3101 Validation Accuracy: 0.619000
Epoch 34, CIFAR-10 Batch 3:  Loss:     0.2707 Validation Accuracy: 0.612600
Epoch 34, CIFAR-10 Batch 4:  Loss:     0.2530 Validation Accuracy: 0.618800
Epoch 34, CIFAR-10 Batch 5:  Loss:     0.3527 Validation Accuracy: 0.611200
Epoch 35, CIFAR-10 Batch 1:  Loss:     0.3909 Validation Accuracy: 0.604600
Epoch 35, CIFAR-10 Batch 2:  Loss:     0.2824 Validation Accuracy: 0.610200
Epoch 35, CIFAR-10 Batch 3:  Loss:     0.2646 Validation Accuracy: 0.619000
Epoch 35, CIFAR-10 Batch 4:  Loss:     0.2166 Validation Accuracy: 0.617000
Epoch 35, CIFAR-10 Batch 5:  Loss:     0.2763 Validation Accuracy: 0.616000
Epoch 36, CIFAR-10 Batch 1:  Loss:     0.4192 Validation Accuracy: 0.600000
Epoch 36, CIFAR-10 Batch 2:  Loss:     0.2953 Validation Accuracy: 0.616800
Epoch 36, CIFAR-10 Batch 3:  Loss:     0.2524 Validation Accuracy: 0.619200
Epoch 36, CIFAR-10 Batch 4:  Loss:     0.2060 Validation Accuracy: 0.615400
Epoch 36, CIFAR-10 Batch 5:  Loss:     0.3319 Validation Accuracy: 0.621000
Epoch 37, CIFAR-10 Batch 1:  Loss:     0.3001 Validation Accuracy: 0.611800
Epoch 37, CIFAR-10 Batch 2:  Loss:     0.2446 Validation Accuracy: 0.595000
Epoch 37, CIFAR-10 Batch 3:  Loss:     0.2531 Validation Accuracy: 0.613200
Epoch 37, CIFAR-10 Batch 4:  Loss:     0.2287 Validation Accuracy: 0.612800
Epoch 37, CIFAR-10 Batch 5:  Loss:     0.2948 Validation Accuracy: 0.617600
Epoch 38, CIFAR-10 Batch 1:  Loss:     0.3348 Validation Accuracy: 0.608200
Epoch 38, CIFAR-10 Batch 2:  Loss:     0.2581 Validation Accuracy: 0.606600
Epoch 38, CIFAR-10 Batch 3:  Loss:     0.2422 Validation Accuracy: 0.620200
Epoch 38, CIFAR-10 Batch 4:  Loss:     0.2122 Validation Accuracy: 0.615800
Epoch 38, CIFAR-10 Batch 5:  Loss:     0.2713 Validation Accuracy: 0.618200
Epoch 39, CIFAR-10 Batch 1:  Loss:     0.3213 Validation Accuracy: 0.607600
Epoch 39, CIFAR-10 Batch 2:  Loss:     0.2303 Validation Accuracy: 0.612400
Epoch 39, CIFAR-10 Batch 3:  Loss:     0.2020 Validation Accuracy: 0.616400
Epoch 39, CIFAR-10 Batch 4:  Loss:     0.1896 Validation Accuracy: 0.611800
Epoch 39, CIFAR-10 Batch 5:  Loss:     0.2619 Validation Accuracy: 0.608000
Epoch 40, CIFAR-10 Batch 1:  Loss:     0.3017 Validation Accuracy: 0.600200
Epoch 40, CIFAR-10 Batch 2:  Loss:     0.2355 Validation Accuracy: 0.614800
Epoch 40, CIFAR-10 Batch 3:  Loss:     0.2180 Validation Accuracy: 0.611800
Epoch 40, CIFAR-10 Batch 4:  Loss:     0.1923 Validation Accuracy: 0.616200
Epoch 40, CIFAR-10 Batch 5:  Loss:     0.1918 Validation Accuracy: 0.621800

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 [94]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
%matplotlib inline
%config InlineBackend.figure_format = 'retina'

import tensorflow as tf
import pickle
import helper
import random

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

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

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

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

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

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

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

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


test_model()


Testing Accuracy: 0.617879746835443

Why 50-70% Accuracy?

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

Submitting This Project

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