Project: Image Classifier Project
- tcanengin
- Jan 18, 2025
- 15 min read
Updated: Jan 21, 2025
Going forward, AI algorithms will be incorporated into more and more everyday applications. For example, you might want to include an image classifier in a smart phone app. To do this, you'd use a deep learning model trained on hundreds of thousands of images as part of the overall application architecture. A large part of software development in the future will be using these types of models as common parts of applications.
In this project, you'll train an image classifier to recognize different species of flowers. You can imagine using something like this in a phone app that tells you the name of the flower your camera is looking at. In practice you'd train this classifier, then export it for use in your application. We'll be using this dataset from Oxford of 102 flower categories, you can see a few examples below.
The project is broken down into multiple steps:
Load the image dataset and create a pipeline.
Build and Train an image classifier on this dataset.
Use your trained model to perform inference on flower images.
We'll lead you through each part which you'll implement in Python.
When you've completed this project, you'll have an application that can be trained on any set of labeled images. Here your network will be learning about flowers and end up as a command line application. But, what you do with your new skills depends on your imagination and effort in building a dataset. For example, imagine an app where you take a picture of a car, it tells you what the make and model is, then looks up information about it. Go build your own dataset and make something new.
Import Resources
In [3]:
# TODO: Make all necessary imports.
%matplotlib inline
%config InlineBackend.figure_format = 'retina'
import urllib3
urllib3.disable_warnings(urllib3.exceptions.InsecureRequestWarning)
import os
import numpy as np
import matplotlib.pyplot as plt
import tensorflow as tf
from tensorflow import keras
import tensorflow_datasets as tfds
from tensorflow.keras.preprocessing.image import ImageDataGenerator
import time
from PIL import Image
import tensorflow_hub as hub
import torch
from torch.utils import data
from torch import nn
from torch import optim
import logging
logger = tf.get_logger()
logger.setLevel(logging.ERROR)
import json
print('Using:')
print('\t\u2022 TensorFlow version:', tf.__version__)
print('\t\u2022 tf.keras version:', tf.keras.__version__)
print('\t\u2022 Running on GPU' if tf.test.is_gpu_available() else '\t\u2022 GPU device not found. Running on CPU')
Using:
• TensorFlow version: 2.0.0
• tf.keras version: 2.2.4-tf
• GPU device not found. Running on CPU
Load the Dataset
Here you'll use tensorflow_datasets to load the Oxford Flowers 102 dataset. This dataset has 3 splits: 'train', 'test', and 'validation'. You'll also need to make sure the training data is normalized and resized to 224x224 pixels as required by the pre-trained networks.
The validation and testing sets are used to measure the model's performance on data it hasn't seen yet, but you'll still need to normalize and resize the images to the appropriate size.
In [8]:
# TODO: Load the dataset with TensorFlow Datasets.
# TODO: Create a training set, a validation set and a test set.
#_URL = 'https://www.robots.ox.ac.uk/~vgg/data/flowers/102/102flowers.tgz'
#tgz_dir = tf.keras.utils.get_file('102flowers.tgz', origin=_URL, extract=True)
train_split = 12
test_val_split = 76
splits = tfds.Split.ALL.subsplit([12,12,76])
(training_set, validation_set, test_set), dataset_info = tfds.load('oxford_flowers102', split=splits,as_supervised=True, with_info=True)
dataset_info
Downloading and preparing dataset oxford_flowers102 (336.76 MiB) to /root/tensorflow_datasets/oxford_flowers102/0.0.1...
Dataset oxford_flowers102 downloaded and prepared to /root/tensorflow_datasets/oxford_flowers102/0.0.1. Subsequent calls will reuse this data.
Out[8]:
tfds.core.DatasetInfo(
name='oxford_flowers102',
version=0.0.1,
description='
The Oxford Flowers 102 dataset is a consistent of 102 flower categories commonly occurring
in the United Kingdom. Each class consists of between 40 and 258 images. The images have
large scale, pose and light variations. In addition, there are categories that have large
variations within the category and several very similar categories.
The dataset is divided into a training set, a validation set and a test set.
The training set and validation set each consist of 10 images per class (totalling 1030 images each).
The test set consist of the remaining 6129 images (minimum 20 per class).
',
urls=['https://www.robots.ox.ac.uk/~vgg/data/flowers/102/'],
features=FeaturesDict({
'file_name': Text(shape=(), dtype=tf.string),
'image': Image(shape=(None, None, 3), dtype=tf.uint8),
'label': ClassLabel(shape=(), dtype=tf.int64, num_classes=102),
}),
total_num_examples=8189,
splits={
'test': 6149,
'train': 1020,
'validation': 1020,
},
supervised_keys=('image', 'label'),
citation="""@InProceedings{Nilsback08,
author = "Nilsback, M-E. and Zisserman, A.",
title = "Automated Flower Classification over a Large Number of Classes",
booktitle = "Proceedings of the Indian Conference on Computer Vision, Graphics and Image Processing",
year = "2008",
month = "Dec"
}""",
redistribution_info=,
)Explore the Dataset
In [9]:
# TODO: Get the number of examples in each set from the dataset info.
# TODO: Get the number of classes in the dataset from the dataset info.
num_classes = dataset_info.features['label'].num_classes
total_num_examples = dataset_info.splits['train'].num_examples
print('The Dataset has a total of:')
print('\u2022 {:,} classes'.format(num_classes))
print('\u2022 {:,} images'.format(total_num_examples))
shape_images = dataset_info.features['image'].shape
num_classes = dataset_info.features['label'].num_classes
num_training_examples = dataset_info.splits['train'].num_examples
num_test_examples = dataset_info.splits['test'].num_examples
num_validation_examples = dataset_info.splits['validation'].num_examples
total_num_examples = num_training_examples + num_test_examples + num_validation_examples
print('There are {:,} classes in our dataset'.format(num_classes))
print('The images in our dataset have shape:', shape_images)
print('\nThere are {:,} images in the test set'.format(num_test_examples))
print('There are {:,} images in the training set'.format(num_training_examples))
print('There are {:,} images in the validation set'.format(num_validation_examples))
The Dataset has a total of:
• 102 classes
• 1,020 images
There are 102 classes in our dataset
The images in our dataset have shape: (None, None, 3)
There are 6,149 images in the test set
There are 1,020 images in the training set
There are 1,020 images in the validation set
In [10]:
# TODO: Print the shape and corresponding label of 3 images in the training set.
class_names = ['pink primrose','hard-leaved pocket orchid','canterbury bells','sweet pea','english marigold','tiger lily','moon orchid','bird of paradise','monkshood','globe thistle','snapdragon','colts foot','king protea','spear thistle','yellow iris','globe-flower','purple coneflower','peruvian lily','balloon flower','giant white arum lily','fire lily','pincushion flower','fritillary','red ginger','grape hyacinth','corn poppy','prince of wales feathers','stemless gentian','artichoke','sweet william','carnation','garden phlox','love in the mist','mexican aster','alpine sea holly','ruby-lipped cattleya','cape flower','great masterwort','siam tulip','lenten rose','barbeton daisy','daffodil','sword lily','poinsettia','bolero deep blue','wallflower','marigold','buttercup','oxeye daisy','common dandelion','petunia','wild pansy','primula','sunflower','pelargonium','bishop of llandaff','gaura','geranium','orange dahlia','pink-yellow dahlia','cautleya spicata','japanese anemone','black-eyed susan','silverbush','californian poppy','osteospermum','spring crocus','bearded iris','windflower','tree poppy','gazania','azalea','water lily','rose','thorn apple','morning glory','passion flower','lotus lotus','toad lily','anthurium','frangipani','clematis','hibiscus','columbine','desert-rose','tree mallow','magnolia','cyclamen','watercress','canna lily','hippeastrum','bee balm','ball moss','foxglove','bougainvillea','camellia','mallow','mexican petunia','bromelia','blanket flower','trumpet creeper','blackberry lily']
for image, label in training_set.take(3):
print('The images in the training set have:\n\u2022 dtype:', image.dtype, '\n\u2022 shape:', image.shape)
The images in the training set have:
• dtype: <dtype: 'uint8'>
• shape: (500, 752, 3)
The images in the training set have:
• dtype: <dtype: 'uint8'>
• shape: (500, 666, 3)
The images in the training set have:
• dtype: <dtype: 'uint8'>
• shape: (500, 667, 3)
In [11]:
# TODO: Plot 1 image from the training set. Set the title
# of the plot to the corresponding image label.
from PIL import Image
for image, label in training_set.take(1):
image = image.numpy().squeeze()
label = label.numpy()
fig = plt.figure()
fig.suptitle(label, fontsize=20)
plt.imshow(image, cmap= plt.cm.binary)
plt.colorbar()
plt.show()
print('The label of this image is:', label)
print('The class name of this image is:', class_names[label-1])

The label of this image is: 56
The class name of this image is: bishop of llandaff
Label Mapping
You'll also need to load in a mapping from label to category name. You can find this in the file label_map.json. It's a JSON object which you can read in with the json module. This will give you a dictionary mapping the integer coded labels to the actual names of the flowers.
In [10]:
with open('label_map.json', 'r') as f:
class_names = json.load(f)
In [61]:
# TODO: Plot 1 image from the training set. Set the title
# of the plot to the corresponding class name.
#class_names['56']
for image, label in training_set.take(5):
image = image.numpy().squeeze()
label = label.numpy()+1
print(label)
label = label.astype(str)
for key,value in class_names.items():
if (key == label):
Title = value
plt.imshow(image)
plt.title(Title,{'fontsize':20})
plt.show()





Create Pipeline
In [23]:
# TODO: Create a pipeline for each set.
batch_size = 32
image_size = 224
num_training_examples = (total_num_examples * train_split) // 100
def format_image(image, label):
image = tf.cast(image, tf.float32)
image = tf.image.resize(image, (image_size, image_size))
image /= 255
return image, label
training_batches = training_set.shuffle(num_training_examples//4).map(format_image).batch(batch_size).prefetch(1)
validation_batches = validation_set.map(format_image).batch(batch_size).prefetch(1)
testing_batches = test_set.map(format_image).batch(batch_size).prefetch(1)
Build and Train the Classifier
Now that the data is ready, it's time to build and train the classifier. You should use the MobileNet pre-trained model from TensorFlow Hub to get the image features. Build and train a new feed-forward classifier using those features.
We're going to leave this part up to you. If you want to talk through it with someone, chat with your fellow students!
Refer to the rubric for guidance on successfully completing this section. Things you'll need to do:
Load the MobileNet pre-trained network from TensorFlow Hub.
Define a new, untrained feed-forward network as a classifier.
Train the classifier.
Plot the loss and accuracy values achieved during training for the training and validation set.
Save your trained model as a Keras model.
We've left a cell open for you below, but use as many as you need. Our advice is to break the problem up into smaller parts you can run separately. Check that each part is doing what you expect, then move on to the next. You'll likely find that as you work through each part, you'll need to go back and modify your previous code. This is totally normal!
When training make sure you're updating only the weights of the feed-forward network. You should be able to get the validation accuracy above 70% if you build everything right.
Note for Workspace users: One important tip if you're using the workspace to run your code: To avoid having your workspace disconnect during the long-running tasks in this notebook, please read in the earlier page in this lesson called Intro to GPU Workspaces about Keeping Your Session Active. You'll want to include code from the workspace_utils.py module. Also, If your model is over 1 GB when saved as a checkpoint, there might be issues with saving backups in your workspace. If your saved checkpoint is larger than 1 GB (you can open a terminal and check with ls -lh), you should reduce the size of your hidden layers and train again.
In [9]:
# TODO: Build and train your network.
URL = "https://tfhub.dev/google/tf2-preview/mobilenet_v2/feature_vector/4"
feature_extractor = hub.KerasLayer(URL, input_shape=(image_size, image_size,3))
feature_extractor.trainable = False
model = tf.keras.Sequential([
feature_extractor,
tf.keras.layers.Dense(102, activation = 'softmax')
])
model.summary()
model.compile(optimizer='adam',
loss='sparse_categorical_crossentropy',
metrics=['accuracy'])
EPOCHS = 10
history = model.fit(training_batches,
epochs=EPOCHS,
validation_data=validation_batches)
Model: "sequential"
_________________________________________________________________
Layer (type) Output Shape Param #
=================================================================
keras_layer (KerasLayer) (None, 1280) 2257984
_________________________________________________________________
dense (Dense) (None, 102) 130662
=================================================================
Total params: 2,388,646
Trainable params: 130,662
Non-trainable params: 2,257,984
_________________________________________________________________
Epoch 1/10
32/32 [==============================] - 16s 507ms/step - loss: 4.0302 - accuracy: 0.1627 - val_loss: 0.0000e+00 - val_accuracy: 0.0000e+00
Epoch 2/10
32/32 [==============================] - 7s 219ms/step - loss: 2.0158 - accuracy: 0.6260 - val_loss: 2.1937 - val_accuracy: 0.5280
Epoch 3/10
32/32 [==============================] - 7s 219ms/step - loss: 1.0906 - accuracy: 0.8700 - val_loss: 1.7296 - val_accuracy: 0.6470
Epoch 4/10
32/32 [==============================] - 7s 219ms/step - loss: 0.6634 - accuracy: 0.9524 - val_loss: 1.4995 - val_accuracy: 0.6920
Epoch 5/10
32/32 [==============================] - 7s 220ms/step - loss: 0.4577 - accuracy: 0.9673 - val_loss: 1.3798 - val_accuracy: 0.7130
Epoch 6/10
32/32 [==============================] - 7s 219ms/step - loss: 0.3276 - accuracy: 0.9881 - val_loss: 1.2894 - val_accuracy: 0.7240
Epoch 7/10
32/32 [==============================] - 7s 220ms/step - loss: 0.2506 - accuracy: 0.9901 - val_loss: 1.2324 - val_accuracy: 0.7370
Epoch 8/10
32/32 [==============================] - 7s 221ms/step - loss: 0.1989 - accuracy: 0.9950 - val_loss: 1.1937 - val_accuracy: 0.7390
Epoch 9/10
32/32 [==============================] - 7s 222ms/step - loss: 0.1589 - accuracy: 0.9980 - val_loss: 1.1621 - val_accuracy: 0.7450
Epoch 10/10
32/32 [==============================] - 7s 219ms/step - loss: 0.1317 - accuracy: 1.0000 - val_loss: 1.1404 - val_accuracy: 0.7410
In [10]:
# TODO: Plot the loss and accuracy values achieved during training for the training and validation set.
acc = history.history['accuracy']
val_acc = history.history['val_accuracy']
loss = history.history['loss']
val_loss = history.history['val_loss']
epochs_range = range(EPOCHS)
plt.figure(figsize=(8, 8))
plt.subplot(1, 2, 1)
plt.plot(epochs_range, acc, label='Training Accuracy')
plt.plot(epochs_range, val_acc, label='Validation Accuracy')
plt.legend(loc='lower right')
plt.title('Training and Validation Accuracy')
plt.subplot(1, 2, 2)
plt.plot(epochs_range, loss, label='Training Loss')
plt.plot(epochs_range, val_loss, label='Validation Loss')
plt.legend(loc='upper right')
plt.title('Training and Validation Loss')
plt.show()

Testing your Network
It's good practice to test your trained network on test data, images the network has never seen either in training or validation. This will give you a good estimate for the model's performance on completely new images. You should be able to reach around 70% accuracy on the test set if the model has been trained well.
In [11]:
# TODO: Print the loss and accuracy values achieved on the entire test set.
#loss, accuracy = model.evaluate(testing_batches)
loss, accuracy = model.evaluate(testing_batches)
print('\nLoss on the TEST Set: {:,.3f}'.format(loss))
print('Accuracy on the TEST Set: {:.3%}'.format(accuracy))
194/194 [==============================] - 19s 97ms/step - loss: 1.0912 - accuracy: 0.7512
Loss on the TEST Set: 1.091
Accuracy on the TEST Set: 75.117%
Save the Model
Now that your network is trained, save the model so you can load it later for making inference. In the cell below save your model as a Keras model (i.e. save it as an HDF5 file).
In [12]:
# TODO: Save your trained model as a Keras model.
tf.keras.experimental.export_saved_model(model, 'path_to_my_modelv2.h5')
Load the Keras Model
Load the Keras model you saved above.
In [4]:
# TODO: Load the Keras model
reloaded_model = tf.keras.experimental.load_from_saved_model('path_to_my_modelv2.h5', custom_objects={'KerasLayer':hub.KerasLayer})
print(reloaded_model.get_config())
#Get input shape from model.get_config()
reloaded_model.build((None, 224, 224, 3))
reloaded_model.summary()
{'name': 'sequential', 'layers': [{'class_name': 'KerasLayer', 'config': {'name': 'keras_layer', 'trainable': False, 'batch_input_shape': (None, 224, 224, 3), 'dtype': 'float32', 'handle': 'https://tfhub.dev/google/tf2-preview/mobilenet_v2/feature_vector/4'}}, {'class_name': 'Dense', 'config': {'name': 'dense', 'trainable': True, 'dtype': 'float32', 'units': 102, 'activation': 'softmax', 'use_bias': True, 'kernel_initializer': {'class_name': 'GlorotUniform', 'config': {'seed': None}}, 'bias_initializer': {'class_name': 'Zeros', 'config': {}}, 'kernel_regularizer': None, 'bias_regularizer': None, 'activity_regularizer': None, 'kernel_constraint': None, 'bias_constraint': None}}]}
Model: "sequential"
_________________________________________________________________
Layer (type) Output Shape Param #
=================================================================
keras_layer (KerasLayer) (None, 1280) 2257984
_________________________________________________________________
dense (Dense) (None, 102) 130662
=================================================================
Total params: 2,388,646
Trainable params: 130,662
Non-trainable params: 2,257,984
_________________________________________________________________
Inference for Classification
Now you'll write a function that uses your trained network for inference. Write a function called predict that takes an image, a model, and then returns the top KK most likely class labels along with the probabilities. The function call should look like:
probs, classes = predict(image_path, model, top_k)
If top_k=5 the output of the predict function should be something like this:
probs, classes = predict(image_path, model, 5)
print(probs)
print(classes)
> [ 0.01558163 0.01541934 0.01452626 0.01443549 0.01407339]
> ['70', '3', '45', '62', '55']
Your predict function should use PIL to load the image from the given image_path. You can use the Image.open function to load the images. The Image.open() function returns an Image object. You can convert this Image object to a NumPy array by using the np.asarray() function.
The predict function will also need to handle pre-processing the input image such that it can be used by your model. We recommend you write a separate function called process_image that performs the pre-processing. You can then call the process_image function from the predict function.
Image Pre-processing
The process_image function should take in an image (in the form of a NumPy array) and return an image in the form of a NumPy array with shape (224, 224, 3).
First, you should convert your image into a TensorFlow Tensor and then resize it to the appropriate size using tf.image.resize.
Second, the pixel values of the input images are typically encoded as integers in the range 0-255, but the model expects the pixel values to be floats in the range 0-1. Therefore, you'll also need to normalize the pixel values.
Finally, convert your image back to a NumPy array using the .numpy() method.
In [7]:
# TODO: Create the process_image function
import PIL
image_size = 224
def process_image(image):
image = tf.cast(image, tf.float32)
image = tf.image.resize(image, (image_size, image_size))
image /= 255
image = np.array(image)
return image
plt.figure(figsize=(10,15))
Out[7]:
<Figure size 720x1080 with 0 Axes><Figure size 720x1080 with 0 Axes>To check your process_image function we have provided 4 images in the ./test_images/ folder:
cautleya_spicata.jpg
hard-leaved_pocket_orchid.jpg
orange_dahlia.jpg
wild_pansy.jpg
The code below loads one of the above images using PIL and plots the original image alongside the image produced by your process_image function. If your process_image function works, the plotted image should be the correct size.
In [39]:
from PIL import Image
image_path = './test_images/hard-leaved_pocket_orchid.jpg'
im = Image.open(image_path)
test_image = np.asarray(im)
processed_test_image = process_image(test_image)
fig, (ax1, ax2) = plt.subplots(figsize=(10,10), ncols=2)
ax1.imshow(test_image)
ax1.set_title('Original Image')
ax2.imshow(processed_test_image)
ax2.set_title('Processed Image')
plt.tight_layout()
plt.show()

Once you can get images in the correct format, it's time to write the predict function for making inference with your model.
Inference
Remember, the predict function should take an image, a model, and then returns the top KK most likely class labels along with the probabilities. The function call should look like:
probs, classes = predict(image_path, model, top_k)
If top_k=5 the output of the predict function should be something like this:
probs, classes = predict(image_path, model, 5)
print(probs)
print(classes)
> [ 0.01558163 0.01541934 0.01452626 0.01443549 0.01407339]
> ['70', '3', '45', '62', '55']
Your predict function should use PIL to load the image from the given image_path. You can use the Image.open function to load the images. The Image.open() function returns an Image object. You can convert this Image object to a NumPy array by using the np.asarray() function.
Note: The image returned by the process_image function is a NumPy array with shape (224, 224, 3) but the model expects the input images to be of shape (1, 224, 224, 3). This extra dimension represents the batch size. We suggest you use the np.expand_dims() function to add the extra dimension.
In [5]:
# TODO: Create the predict function
def predict (img_procath,model, top_k = 5):
image_file = Image.open(image_path)
img_procrep = np.asarray(image_file)
img_proc = process_image(img_procrep)
img = np.expand_dims(img_proc,axis=0)
p = model.predict(img)
prediction,label = tf.math.top_k(model.predict(img),k=top_k,sorted=True,name=None)
prob = prediction[0].numpy().tolist()
label = label[0].numpy().tolist()
return prob,label
Sanity Check
It's always good to check the predictions made by your model to make sure they are correct. To check your predictions we have provided 4 images in the ./test_images/ folder:
cautleya_spicata.jpg
hard-leaved_pocket_orchid.jpg
orange_dahlia.jpg
wild_pansy.jpg
In the cell below use matplotlib to plot the input image alongside the probabilities for the top 5 classes predicted by your model. Plot the probabilities as a bar graph. The plot should look like this:
You can convert from the class integer labels to actual flower names using class_names.
In [12]:
# TODO: Plot the input image along with the top 5 classes
image_path = './test_images/wild_pansy.jpg'
prob, classes = predict(image_path,reloaded_model,5)
print(prob)
im = Image.open(image_path)
f, axarr = plt.subplots(2,1)
axarr[0].imshow(im)
axarr[0].set_title('wild_pansy.jpg')
probs, classes = predict(image_path, reloaded_model, 5)
y_pos = np.arange(len(classes))
axarr[1].barh(y_pos, probs, align='center', color='blue')
axarr[1].set_yticks(y_pos)
axarr[1].set_yticklabels(classes)
axarr[1].invert_yaxis() # labels read top-to-bottom
_ = axarr[1].set_xlabel('Class Probability')
flowers = [class_names[str(x+1)] for x in classes]
axarr[1].set_yticklabels(flowers)
print(flowers)
print(class_names['52'])
[0.9866334199905396, 0.002626037457957864, 0.0016333280364051461, 0.001469471724703908, 0.001280977507121861]
['wild pansy', 'balloon flower', 'tree mallow', 'californian poppy', 'watercress']
wild pansy

In [ ]:


