Predictive Hacks

Image Classification with Pre-Trained Models in Keras

object detection keras

In other posts, we explained how to apply Object Detection in Tensorflow and Object Detection using YOLO. Today we will provide a practical example of how we can use “Pre-Trained” ImageNet models using Keras for Object Detection. For this example, we will consider the Xception model but you can use anyone from the list here. The table below shows the size of the pre-trained models, their performance and their complexity in terms of parameters of the Convolutional Neural Network Architecture.

ModelSizeTop-1 AccuracyTop-5 AccuracyParametersDepth
Xception88 MB0.7900.94522,910,480126
VGG16528 MB0.7130.901138,357,54423
VGG19549 MB0.7130.900143,667,24026
ResNet5098 MB0.7490.92125,636,712
ResNet101171 MB0.7640.92844,707,176
ResNet152232 MB0.7660.93160,419,944
ResNet50V298 MB0.7600.93025,613,800
ResNet101V2171 MB0.7720.93844,675,560
ResNet152V2232 MB0.7800.94260,380,648
ResNeXt5096 MB0.7770.93825,097,128
ResNeXt101170 MB0.7870.94344,315,560
InceptionV392 MB0.7790.93723,851,784159
InceptionResNetV2215 MB0.8030.95355,873,736572
MobileNet16 MB0.7040.8954,253,86488
MobileNetV214 MB0.7130.9013,538,98488
DenseNet12133 MB0.7500.9238,062,504121
DenseNet16957 MB0.7620.93214,307,880169
DenseNet20180 MB0.7730.93620,242,984201
NASNetMobile23 MB0.7440.9195,326,716
NASNetLarge343 MB0.8250.96088,949,818

Image Classification with Xception

from keras.applications.xception import Xception
from keras.preprocessing import image
from keras.applications.xception import preprocess_input, decode_predictions
import numpy as np

import PIL
from PIL import Image
import requests
from io import BytesIO


# load the model
model = Xception(weights='imagenet', include_top=True)


# chose the URL image that you want
URL = "https://images.unsplash.com/photo-1529429617124-95b109e86bb8?ixlib=rb-1.2.1&ixid=eyJhcHBfaWQiOjEyMDd9&auto=format&fit=crop&w=500&q=60"


# get the image
response = requests.get(URL)
img = Image.open(BytesIO(response.content))
# resize the image according to each model (see documentation of each model)
img = img.resize((299,299))

##############################################
# if you want to read the image from your PC 
#############################################
# img_path = 'myimage.jpg'
# img = image.load_img(img_path, target_size=(299, 299))
#############################################



# convert to numpy array
x = image.img_to_array(img)
x = np.expand_dims(x, axis=0)
x = preprocess_input(x)

features = model.predict(x)

# return the top 20 detected objects
label = decode_predictions(features, top=20)
label

The image that we chose is the following:

object detection

And the labels that we get are:

[[('n02111889', 'Samoyed', 0.781301),
  ('n02114548', 'white_wolf', 0.124226466),
  ('n02120079', 'Arctic_fox', 0.005746077),
  ('n02111500', 'Great_Pyrenees', 0.0033085805),
  ('n02104029', 'kuvasz', 0.00311469),
  ('n02112137', 'chow', 0.0028483241),
  ('n02112018', 'Pomeranian', 0.0028328209),
  ('n02109961', 'Eskimo_dog', 0.002488005),
  ('n02106030', 'collie', 0.0016986788),
  ('n02085782', 'Japanese_spaniel', 0.0008878598),
  ('n02114367', 'timber_wolf', 0.0007279106),
  ('n02134084', 'ice_bear', 0.0007163896),
  ('n02112350', 'keeshond', 0.00068674894),
  ('n02098286', 'West_Highland_white_terrier', 0.00066097657),
  ('n02123394', 'Persian_cat', 0.0005676047),
  ('n02106166', 'Border_collie', 0.0005447453),
  ('n02105056', 'groenendael', 0.00047748425),
  ('n02099601', 'golden_retriever', 0.00039739575),
  ('n02094114', 'Norfolk_terrier', 0.0003679685),
  ('n02085936', 'Maltese_dog', 0.00032893682)]]

We chose to return the top 20 most likely detected objects. The tuple has three elements, the first one is referred to the ObjectID, the second one to the Object Label and the third one to the Probability. So let’s say that we want to get all the objects which have a probability higher than 5%. Then we can type:

[tpl[1:3] for tpl in label[0] if tpl[2]>0.05]
[('Samoyed', 0.781301), ('white_wolf', 0.124226466)]

As we can see, the Xception model detected as the most likely objects in the image the “Samoyed” and the “white_wolf“. The model did a good job since the breed that we chose was Samoyed! Feel free to test it with other objects. Just notice that it tries to detect one object. For detecting many objects in one image we will discuss in another post!

Note: The pre-trained models in Keras try to find out one object per image. Thus, it is like a classification algorithm where it assigns for every object one probability and all of them ad up to 1. That being said, it cannot detect multiple objects in one image.

Share This Post

Share on facebook
Share on linkedin
Share on twitter
Share on email

3 thoughts on “Image Classification with Pre-Trained Models in Keras”

  1. This is not object detection, it is image classification.

    I see that you note this at the bottom of the post, perhaps you should change the title of the post to avoid being misleading.

    Reply

Leave a Comment

Subscribe To Our Newsletter

Get updates and learn from the best

More To Explore

Python

Image Captioning with HuggingFace

Image captioning with AI is a fascinating application of artificial intelligence (AI) that involves generating textual descriptions for images automatically.

Python

Intro to Chatbots with HuggingFace

In this tutorial, we will show you how to use the Transformers library from HuggingFace to build chatbot pipelines. Let’s