SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 495
Image Classification using Deep Learning
Sejal Bhat
Dept. of Computer Science Engineering, USICT, Guru Gobind Singh Indraprastha University, Delhi, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - Deep Learning aims to work on complex data and
achieve accuracy. It works on AI-based domains like Natural
Language Processing and Computer vision[1]. In deep
learning, the computer model learns to perform classification
of task from images, text or sound. Image classification is the
taskofextractingessentialfeaturesfromgiveninputimagethat
arerequiredto predict the correct classification. The objective
is to build a Convolution Neural Network model that can
correctly predict and classify the input image as Dog or Cat.
The classification is done by extracting specific features of the
input image. The CNN Model consists of various layers like
Convolution layer, ReLU layer, Pooling layer, etc. The model is
trained well with training data. At last, the CNN model is
tested for accuracy in image classification with the help of
some test images.
Key Words: DeepLearning, ConvolutionNeural Network,
ReLU, Maxpooling, Keras.
1. INTRODUCTION
Deep Learning is used on complex and large data.Itbasically
makes the computer learn to filter inputs through layers so
thatthecorrectpredictionandclassificationtakesplace.The
libraries used for classification are Tensorflow, Keras,
OpenCV and Tensorboard. Tensorflow is a free and open-
source python library used for fast numerical computations
and to create deep learning model. Keras is also a free and
open-source librarythat acts as an interface for Tensorflow.
OpenCVis a open-source computervisionlibrarythatisused
to perform operations on image.Tensorboard is basically
used to visualize the training model over time.
The dataset used for the image classificationisCatsandDogs
dataset which is taken from Kaggle. The dataset consists of
coloredimagesofdogsandcats.Themodelusedtoimplement
this classification is CNN. The most beneficial aspect of CNN
is to reduce parameters in neural network [2]. CNN are
widely used in areas related to image classification and
recognition [3]. The model is trained and then it is tested on
various images by loading the dataset to Google Collab. The
next section describes the methodology of CNN. The third
section consists of implementation related to the work. The
fourth section consists of results obtained and in the last
section, conclusion has been discussed.
2. METHODOLOGY
The model used for Image Classification using Deep
Learning is CNN.Convolution Neural Network consists of
various layers in order to predict and classify the test input
image.
i. Convolution Layer: - This layer is the basic unit
of CNN. It consists of a filter that is applied on the
inputdatasothatthefeaturesareextractedfromit
for classification purpose. In this work, we used 64
units and 3x3 window size. The 3x3 is the feature
detector used to extract the feature map. CNN
takes a 2D image as an input. Feature detector
help in identify important features present in
image like edges, vertical lines, etc. The feature
map values are calculated using equation-
Here, f is the input image and h is the filter or
feature detector. G[m, n] is the result matrix
where m and n are the indexes of rows and
columns. Asterisk * sign denotes the convolution
between the image and the feature detector.
Fig -1: Working of Convolution Layer
In fig, the Dimension of image- (m, n) = (7, 7)
Dimension of Feature detector- (j, k) = (3, 3)
Dimension of Feature Map-
((m-j+1), (n-k+1)) = (5, 5)
ii. Rectified Linear Unit: - The aim of using this
layer is to apply non-linearity so that the neural
network is capable to perform tasks like object
classification and text prediction. This layer helps
the Conv2D layer in extracting the features from
the input image to obtain the feature map. This
activation function is better than Tanh and
Sigmoid function as it is faster in terms of speed.
RELU is used to remove the negative values from
feature map. In convolution layer, the resultant
feature maps may consist of some negative value.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 496
So ReLU is used to remove negative values and
add non-linearity.
Fig -2: Working of ReLU Layer
iii. Pooling Layer:- This Layer is used to reduce the
dimensions of a feature map using Max pooling
technique. In Maxpooling layer, only the most
important features of imageare extracted. In this
work, we used 2x2 window size for Maxpooling.
In the below image, the stride taken for
maxpooling is 2. The maximum value present in
the stride 2over 1 feature map of (5,5) is selected
and at last we get the resultant pooled feature
map with reduced size of (3,3).
Fig -3: Working of Pooling Layer
iv. Flattening Layer:- This layer is mainly used to
convert the output of convolution layer or Max
Poolinglayerto1-Dfeaturevectorsothatitcanbe
easily used to predict the object. Flattening is
basically done to store only the pixel value of
image and not it’s spatial structure. The input 2-D
image is flattened to 1-D feature vectorsothatit is
easilysenttofullyconnectedlayerforclassification
purpose. All of these individual values in 1-D
feature vector are treated as separate features
that represent the image.
Fig -4: Working of Flattening Layer
v. Fully-connected Layer:- The main aim of this
layer is to classify the input image into a label for
object classification problem. This is the last layer
of CNN model that gives the output. The fully
connected layer performs two operations that are
Linear transformation and a Non-Linear
transformation. The Linear Transformation is
performed using equation:-
Here, A is the input, W is randomly initialized
weight matrix and b is the bias matrix.
The Non-Linear Transformation in binary
classification is performedusing Sigmoidfunction.
The range of a Sigmoid function is in range (0,1).
The equation of Sigmoid activation function is:-
After the flattening layer, the dense layer uses
ReLU activation function for the hidden layers.
Then, dense layer uses Sigmoid function for
output layer. The dense layer is used to classify
the input image.
3. IMPLEMENTATION
For implementation, the dataset named “Pets Dataset” is
taken from Kaggle. The training dataset consists images of
1100 Cats and 1100 Dogs. The Cat and dog dataset is loaded
to GoogleCollabthrough googledrive.GoogleCollabis a free
and open-source service provided by google. It is used to
develop various machine learninganddeeplearningmodels.
It also supports GPU (Graphical Processing Unit) for faster
training of models. In Google Collab, we imported some
libraries like Numpy, Matplotlib, OS and CV2. Numpy isused
to do various array operations. Matplotlib is used to show
the image. The image is shown in the form of OS is used to
iterate through directories and join paths. CV2 is used to do
some image operations. For implementation, Cat and dog
dataset is loaded to Google Collabthrough google drive. For
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 497
classification, CATEGORIES list consists of category Cat and
Dog.The images in the given dataset are named in numbers,
so we will convert image to array. The dataset consists of
colored images of Cats and Dogs. For faster classification, we
will convert colored images toGrayscale.Theclassificationis
recommended to be done in grayscale because colored
image is made of RGB combination and each color in RGB
(Red, Green, Blue) has its own feature map. Images in
dataset are in either landscape form or in portraitform.Soin
order to simplify, we will use one type of size. Once the
IMG_SIZE is chosen, we will resize the images.
Fig -5:- Resized Grayscale Image
After this, the training set is made. The label is to be set for
classification as we cannot map to names like dog and cat.
Some index needs to be created for better classification
like 0 for Cat and 1 for Dog. Now, again resizing is done.
Resizing is done for simplification. The index and the
resized images are added to training set. For better
classification, dataset should be balanced.
For classification purpose,weneedonefeaturesetandone
target set (labels). For training set,X array consists of the
features and y array consists of labels. Now wewill import
pickle, so that our images in training set are mapped to
required label and then saving it. Pickle is used to save the
model. It is used to serialize the objects of model.
Once the training set is ready,import Tensorflowtocreate
the deep learning model. Keras is also used to provide
interface to Tensorflow. In this project, CNN model isused
to develop the deep learning model. We will import
Convolution,Activation,Maxpooling, Flatten,Dropoutand
Dense layers.
The data is normalized before being feed to the neural
network. The most easiest way is to scale the data.
Convolution layer is used to fetch the features of input
image. In this implementation, we used 64 units and 3x3
window size. After Convolution, Activation is applied to
model. The Activation used in this work isRectifiedLinear
Unit (ReLU). ReLU is added for adding non-linearity for
classification. Maxpooling is done to extract the most
specificfeatureofimage.Inthiswork,weused2x2window
sizeformaxpooling.Flatten layer isusedflattentheoutput
of Convolution layer or Pooling layer to 1-D featurevector.
Dropout layer is used to drop random set of neurons.
Dense layer is the fully connected layer that is used to
classify the image into a label for classification. The total
number of trainable parameters are 9,835,265.
Fig -6:- CNN Model
The type of model used in this work is Sequential Model.The
Tensorflow and Keras libraryare used to build this model. It
is termed sequential because it is the easiest way to build a
deep learning model in Keras. The model is build layer by
layer. The layers of CNN model arestackedwell insequential
order from input to output. The activation_1 function uses
the ReLU activation function and the activation_2 uses the
Sigmoid activation function as binary classification problem
is considered. This CNN Model is the trained model. The
accuracy of this model for generalized data will be tested
using some test data.
4. RESULTS
The CNN model for Image classification of Dog and Cat is
implemented. Some test images are used for testing the
accuracy of classification given by CNN Model. The Test
image1 named “dog_small.jpg” is used astestinputimagefor
classification. It is correctly classified by CNN Model as Dog.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 498
Fig -7: Test Image1
Dog is taken as a test data. The trained CNN model will
extract the features ofDog using Convolution layer with
the help of 3x3 feature detector window. We will obtain
the required feature map of input image. The negative
values of the Feature map are removedwith the help of
ReLU layer. This layer adds some non-linearity.
The Maxpooling layer is used to extract the special and
important featuresof Dogin2x2window.TheFlattening
layer will be used to convert the2x2Maxpoolingwindow
to 1-D Featurevector.Alloftheseindividualvaluesin1-D
feature vector are basically the separate features that
represent the image. At last, the Dense layer will use the
ReLU and Sigmoid Activation function for classification
of the correct category.
Fig -8: Classification of Test Image1
Here, the prediction is done on the basis of indexes
allotted to the label of Cat or Dog. The index 0 is for Cat
and 1 is for Dog. The index is mapped to the label that is
defined in the CATEGORIES list.
5. CONCLUSION
The CNN model for Image classification using deep
learning is made. The model consists of various layers like
convolution layer, ReLUlayer,Maxpoolinglayer,Flattened
layer, Dropout layer and Dense layer. The model is tested
by providing some test input images to check whether the
correct output is obtained or not. The essential features of
image are extracted by Convolution and Pooling layer.
Some index value is assigned to each label for easy
classification. The Dense layer in the model will label the
image as Dogor Cat. The input test image will be classified
either as dog or cat.
REFERENCES
[1] Jia, X. (2017, May). Image recognition method based on
deep learning. In 2017 29th Chinese Control And
Decision Conference (CCDC) (pp. 4730-4735). IEEE.
[2] Albawi, S., Mohammed, T. A., & Al-Zawi, S. (2017,
August). Understanding of a convolution neural
network. In 2017 International Conference on
Engineering and Technology (ICET) (pp. 1-6). IEEE.
[3] Toleubay, Y., & James, A. P. (2020). Getting started with
TensorFlow deep learning. In Deep Learning Classifiers
with Memristive Networks (pp. 57-67). Springer,Cham.
[4] Om, P., & Vijay, G. (2018). Classification of
vegetables using TensorFlow. International Journal
for Research in Applied Science and Engineering
Technology, 6(4), 2926-2934.
[5] Haykin, S. (2010). Neural Networks and Learning
Machines, 3/E. Pearson Education India.
[6] Sultana, F., Sufian, A., & Dutta, P. (2018). Advancements
in Image Classification using Convolutional Neural
Network. 2018 Fourth International Conference on
Research in Computational Intelligence and
Communication Networks.

More Related Content

Similar to Image Classification using Deep Learning

IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IRJET Journal
 
Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language Processing
IRJET Journal
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET Journal
 
Learning with Relative Attributes
Learning with Relative AttributesLearning with Relative Attributes
Learning with Relative Attributes
Vikas Jain
 
IRJET- American Sign Language Classification
IRJET- American Sign Language ClassificationIRJET- American Sign Language Classification
IRJET- American Sign Language Classification
IRJET Journal
 
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
IRJET Journal
 
IRJET - Hand Gesture Recognition to Perform System Operations
IRJET -  	  Hand Gesture Recognition to Perform System OperationsIRJET -  	  Hand Gesture Recognition to Perform System Operations
IRJET - Hand Gesture Recognition to Perform System Operations
IRJET Journal
 
Image De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural NetworkImage De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural Network
aciijournal
 
IMAGE DE-NOISING USING DEEP NEURAL NETWORK
IMAGE DE-NOISING USING DEEP NEURAL NETWORKIMAGE DE-NOISING USING DEEP NEURAL NETWORK
IMAGE DE-NOISING USING DEEP NEURAL NETWORK
aciijournal
 
IRJET- Machine Learning based Object Identification System using Python
IRJET- Machine Learning based Object Identification System using PythonIRJET- Machine Learning based Object Identification System using Python
IRJET- Machine Learning based Object Identification System using Python
IRJET Journal
 
IRJET- Saliency based Image Co-Segmentation
IRJET- Saliency based Image Co-SegmentationIRJET- Saliency based Image Co-Segmentation
IRJET- Saliency based Image Co-Segmentation
IRJET Journal
 
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
IRJET Journal
 
Image De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural NetworkImage De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural Network
aciijournal
 
Human Head Counting and Detection using Convnets
Human Head Counting and Detection using ConvnetsHuman Head Counting and Detection using Convnets
Human Head Counting and Detection using Convnets
rahulmonikasharma
 
IRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine Learning
IRJET Journal
 
Real Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep LearningReal Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep Learning
IRJET Journal
 
Creating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and AutoencodersCreating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and Autoencoders
IRJET Journal
 
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
cscpconf
 
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
IRJET Journal
 

Similar to Image Classification using Deep Learning (20)

IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNING
 
Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language Processing
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
 
Learning with Relative Attributes
Learning with Relative AttributesLearning with Relative Attributes
Learning with Relative Attributes
 
IRJET- American Sign Language Classification
IRJET- American Sign Language ClassificationIRJET- American Sign Language Classification
IRJET- American Sign Language Classification
 
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
 
IRJET - Hand Gesture Recognition to Perform System Operations
IRJET -  	  Hand Gesture Recognition to Perform System OperationsIRJET -  	  Hand Gesture Recognition to Perform System Operations
IRJET - Hand Gesture Recognition to Perform System Operations
 
Image De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural NetworkImage De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural Network
 
IMAGE DE-NOISING USING DEEP NEURAL NETWORK
IMAGE DE-NOISING USING DEEP NEURAL NETWORKIMAGE DE-NOISING USING DEEP NEURAL NETWORK
IMAGE DE-NOISING USING DEEP NEURAL NETWORK
 
IRJET- Machine Learning based Object Identification System using Python
IRJET- Machine Learning based Object Identification System using PythonIRJET- Machine Learning based Object Identification System using Python
IRJET- Machine Learning based Object Identification System using Python
 
IRJET- Saliency based Image Co-Segmentation
IRJET- Saliency based Image Co-SegmentationIRJET- Saliency based Image Co-Segmentation
IRJET- Saliency based Image Co-Segmentation
 
CNN_INTRO.pptx
CNN_INTRO.pptxCNN_INTRO.pptx
CNN_INTRO.pptx
 
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
 
Image De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural NetworkImage De-Noising Using Deep Neural Network
Image De-Noising Using Deep Neural Network
 
Human Head Counting and Detection using Convnets
Human Head Counting and Detection using ConvnetsHuman Head Counting and Detection using Convnets
Human Head Counting and Detection using Convnets
 
IRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine Learning
 
Real Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep LearningReal Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep Learning
 
Creating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and AutoencodersCreating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and Autoencoders
 
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
 
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
An Approach for Image Deblurring: Based on Sparse Representation and Regulari...
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
IRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
IRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
IRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
IRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
IRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
IRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
IRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
IRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

Student information management system project report ii.pdf
Student information management system project report ii.pdfStudent information management system project report ii.pdf
Student information management system project report ii.pdf
Kamal Acharya
 
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&BDesign and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Sreedhar Chowdam
 
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdfHybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
fxintegritypublishin
 
Governing Equations for Fundamental Aerodynamics_Anderson2010.pdf
Governing Equations for Fundamental Aerodynamics_Anderson2010.pdfGoverning Equations for Fundamental Aerodynamics_Anderson2010.pdf
Governing Equations for Fundamental Aerodynamics_Anderson2010.pdf
WENKENLI1
 
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
Amil Baba Dawood bangali
 
Modelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdfModelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdf
camseq
 
Recycled Concrete Aggregate in Construction Part III
Recycled Concrete Aggregate in Construction Part IIIRecycled Concrete Aggregate in Construction Part III
Recycled Concrete Aggregate in Construction Part III
Aditya Rajan Patra
 
digital fundamental by Thomas L.floydl.pdf
digital fundamental by Thomas L.floydl.pdfdigital fundamental by Thomas L.floydl.pdf
digital fundamental by Thomas L.floydl.pdf
drwaing
 
Cosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdfCosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdf
Kamal Acharya
 
一比一原版(Otago毕业证)奥塔哥大学毕业证成绩单如何办理
一比一原版(Otago毕业证)奥塔哥大学毕业证成绩单如何办理一比一原版(Otago毕业证)奥塔哥大学毕业证成绩单如何办理
一比一原版(Otago毕业证)奥塔哥大学毕业证成绩单如何办理
dxobcob
 
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
obonagu
 
Swimming pool mechanical components design.pptx
Swimming pool  mechanical components design.pptxSwimming pool  mechanical components design.pptx
Swimming pool mechanical components design.pptx
yokeleetan1
 
Technical Drawings introduction to drawing of prisms
Technical Drawings introduction to drawing of prismsTechnical Drawings introduction to drawing of prisms
Technical Drawings introduction to drawing of prisms
heavyhaig
 
Planning Of Procurement o different goods and services
Planning Of Procurement o different goods and servicesPlanning Of Procurement o different goods and services
Planning Of Procurement o different goods and services
JoytuBarua2
 
Water billing management system project report.pdf
Water billing management system project report.pdfWater billing management system project report.pdf
Water billing management system project report.pdf
Kamal Acharya
 
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdfAKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
SamSarthak3
 
basic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdfbasic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdf
NidhalKahouli2
 
Fundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptxFundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptx
manasideore6
 
Harnessing WebAssembly for Real-time Stateless Streaming Pipelines
Harnessing WebAssembly for Real-time Stateless Streaming PipelinesHarnessing WebAssembly for Real-time Stateless Streaming Pipelines
Harnessing WebAssembly for Real-time Stateless Streaming Pipelines
Christina Lin
 
Literature Review Basics and Understanding Reference Management.pptx
Literature Review Basics and Understanding Reference Management.pptxLiterature Review Basics and Understanding Reference Management.pptx
Literature Review Basics and Understanding Reference Management.pptx
Dr Ramhari Poudyal
 

Recently uploaded (20)

Student information management system project report ii.pdf
Student information management system project report ii.pdfStudent information management system project report ii.pdf
Student information management system project report ii.pdf
 
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&BDesign and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
 
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdfHybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
 
Governing Equations for Fundamental Aerodynamics_Anderson2010.pdf
Governing Equations for Fundamental Aerodynamics_Anderson2010.pdfGoverning Equations for Fundamental Aerodynamics_Anderson2010.pdf
Governing Equations for Fundamental Aerodynamics_Anderson2010.pdf
 
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
NO1 Uk best vashikaran specialist in delhi vashikaran baba near me online vas...
 
Modelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdfModelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdf
 
Recycled Concrete Aggregate in Construction Part III
Recycled Concrete Aggregate in Construction Part IIIRecycled Concrete Aggregate in Construction Part III
Recycled Concrete Aggregate in Construction Part III
 
digital fundamental by Thomas L.floydl.pdf
digital fundamental by Thomas L.floydl.pdfdigital fundamental by Thomas L.floydl.pdf
digital fundamental by Thomas L.floydl.pdf
 
Cosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdfCosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdf
 
一比一原版(Otago毕业证)奥塔哥大学毕业证成绩单如何办理
一比一原版(Otago毕业证)奥塔哥大学毕业证成绩单如何办理一比一原版(Otago毕业证)奥塔哥大学毕业证成绩单如何办理
一比一原版(Otago毕业证)奥塔哥大学毕业证成绩单如何办理
 
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
 
Swimming pool mechanical components design.pptx
Swimming pool  mechanical components design.pptxSwimming pool  mechanical components design.pptx
Swimming pool mechanical components design.pptx
 
Technical Drawings introduction to drawing of prisms
Technical Drawings introduction to drawing of prismsTechnical Drawings introduction to drawing of prisms
Technical Drawings introduction to drawing of prisms
 
Planning Of Procurement o different goods and services
Planning Of Procurement o different goods and servicesPlanning Of Procurement o different goods and services
Planning Of Procurement o different goods and services
 
Water billing management system project report.pdf
Water billing management system project report.pdfWater billing management system project report.pdf
Water billing management system project report.pdf
 
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdfAKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
 
basic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdfbasic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdf
 
Fundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptxFundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptx
 
Harnessing WebAssembly for Real-time Stateless Streaming Pipelines
Harnessing WebAssembly for Real-time Stateless Streaming PipelinesHarnessing WebAssembly for Real-time Stateless Streaming Pipelines
Harnessing WebAssembly for Real-time Stateless Streaming Pipelines
 
Literature Review Basics and Understanding Reference Management.pptx
Literature Review Basics and Understanding Reference Management.pptxLiterature Review Basics and Understanding Reference Management.pptx
Literature Review Basics and Understanding Reference Management.pptx
 

Image Classification using Deep Learning

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 495 Image Classification using Deep Learning Sejal Bhat Dept. of Computer Science Engineering, USICT, Guru Gobind Singh Indraprastha University, Delhi, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - Deep Learning aims to work on complex data and achieve accuracy. It works on AI-based domains like Natural Language Processing and Computer vision[1]. In deep learning, the computer model learns to perform classification of task from images, text or sound. Image classification is the taskofextractingessentialfeaturesfromgiveninputimagethat arerequiredto predict the correct classification. The objective is to build a Convolution Neural Network model that can correctly predict and classify the input image as Dog or Cat. The classification is done by extracting specific features of the input image. The CNN Model consists of various layers like Convolution layer, ReLU layer, Pooling layer, etc. The model is trained well with training data. At last, the CNN model is tested for accuracy in image classification with the help of some test images. Key Words: DeepLearning, ConvolutionNeural Network, ReLU, Maxpooling, Keras. 1. INTRODUCTION Deep Learning is used on complex and large data.Itbasically makes the computer learn to filter inputs through layers so thatthecorrectpredictionandclassificationtakesplace.The libraries used for classification are Tensorflow, Keras, OpenCV and Tensorboard. Tensorflow is a free and open- source python library used for fast numerical computations and to create deep learning model. Keras is also a free and open-source librarythat acts as an interface for Tensorflow. OpenCVis a open-source computervisionlibrarythatisused to perform operations on image.Tensorboard is basically used to visualize the training model over time. The dataset used for the image classificationisCatsandDogs dataset which is taken from Kaggle. The dataset consists of coloredimagesofdogsandcats.Themodelusedtoimplement this classification is CNN. The most beneficial aspect of CNN is to reduce parameters in neural network [2]. CNN are widely used in areas related to image classification and recognition [3]. The model is trained and then it is tested on various images by loading the dataset to Google Collab. The next section describes the methodology of CNN. The third section consists of implementation related to the work. The fourth section consists of results obtained and in the last section, conclusion has been discussed. 2. METHODOLOGY The model used for Image Classification using Deep Learning is CNN.Convolution Neural Network consists of various layers in order to predict and classify the test input image. i. Convolution Layer: - This layer is the basic unit of CNN. It consists of a filter that is applied on the inputdatasothatthefeaturesareextractedfromit for classification purpose. In this work, we used 64 units and 3x3 window size. The 3x3 is the feature detector used to extract the feature map. CNN takes a 2D image as an input. Feature detector help in identify important features present in image like edges, vertical lines, etc. The feature map values are calculated using equation- Here, f is the input image and h is the filter or feature detector. G[m, n] is the result matrix where m and n are the indexes of rows and columns. Asterisk * sign denotes the convolution between the image and the feature detector. Fig -1: Working of Convolution Layer In fig, the Dimension of image- (m, n) = (7, 7) Dimension of Feature detector- (j, k) = (3, 3) Dimension of Feature Map- ((m-j+1), (n-k+1)) = (5, 5) ii. Rectified Linear Unit: - The aim of using this layer is to apply non-linearity so that the neural network is capable to perform tasks like object classification and text prediction. This layer helps the Conv2D layer in extracting the features from the input image to obtain the feature map. This activation function is better than Tanh and Sigmoid function as it is faster in terms of speed. RELU is used to remove the negative values from feature map. In convolution layer, the resultant feature maps may consist of some negative value.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 496 So ReLU is used to remove negative values and add non-linearity. Fig -2: Working of ReLU Layer iii. Pooling Layer:- This Layer is used to reduce the dimensions of a feature map using Max pooling technique. In Maxpooling layer, only the most important features of imageare extracted. In this work, we used 2x2 window size for Maxpooling. In the below image, the stride taken for maxpooling is 2. The maximum value present in the stride 2over 1 feature map of (5,5) is selected and at last we get the resultant pooled feature map with reduced size of (3,3). Fig -3: Working of Pooling Layer iv. Flattening Layer:- This layer is mainly used to convert the output of convolution layer or Max Poolinglayerto1-Dfeaturevectorsothatitcanbe easily used to predict the object. Flattening is basically done to store only the pixel value of image and not it’s spatial structure. The input 2-D image is flattened to 1-D feature vectorsothatit is easilysenttofullyconnectedlayerforclassification purpose. All of these individual values in 1-D feature vector are treated as separate features that represent the image. Fig -4: Working of Flattening Layer v. Fully-connected Layer:- The main aim of this layer is to classify the input image into a label for object classification problem. This is the last layer of CNN model that gives the output. The fully connected layer performs two operations that are Linear transformation and a Non-Linear transformation. The Linear Transformation is performed using equation:- Here, A is the input, W is randomly initialized weight matrix and b is the bias matrix. The Non-Linear Transformation in binary classification is performedusing Sigmoidfunction. The range of a Sigmoid function is in range (0,1). The equation of Sigmoid activation function is:- After the flattening layer, the dense layer uses ReLU activation function for the hidden layers. Then, dense layer uses Sigmoid function for output layer. The dense layer is used to classify the input image. 3. IMPLEMENTATION For implementation, the dataset named “Pets Dataset” is taken from Kaggle. The training dataset consists images of 1100 Cats and 1100 Dogs. The Cat and dog dataset is loaded to GoogleCollabthrough googledrive.GoogleCollabis a free and open-source service provided by google. It is used to develop various machine learninganddeeplearningmodels. It also supports GPU (Graphical Processing Unit) for faster training of models. In Google Collab, we imported some libraries like Numpy, Matplotlib, OS and CV2. Numpy isused to do various array operations. Matplotlib is used to show the image. The image is shown in the form of OS is used to iterate through directories and join paths. CV2 is used to do some image operations. For implementation, Cat and dog dataset is loaded to Google Collabthrough google drive. For
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 497 classification, CATEGORIES list consists of category Cat and Dog.The images in the given dataset are named in numbers, so we will convert image to array. The dataset consists of colored images of Cats and Dogs. For faster classification, we will convert colored images toGrayscale.Theclassificationis recommended to be done in grayscale because colored image is made of RGB combination and each color in RGB (Red, Green, Blue) has its own feature map. Images in dataset are in either landscape form or in portraitform.Soin order to simplify, we will use one type of size. Once the IMG_SIZE is chosen, we will resize the images. Fig -5:- Resized Grayscale Image After this, the training set is made. The label is to be set for classification as we cannot map to names like dog and cat. Some index needs to be created for better classification like 0 for Cat and 1 for Dog. Now, again resizing is done. Resizing is done for simplification. The index and the resized images are added to training set. For better classification, dataset should be balanced. For classification purpose,weneedonefeaturesetandone target set (labels). For training set,X array consists of the features and y array consists of labels. Now wewill import pickle, so that our images in training set are mapped to required label and then saving it. Pickle is used to save the model. It is used to serialize the objects of model. Once the training set is ready,import Tensorflowtocreate the deep learning model. Keras is also used to provide interface to Tensorflow. In this project, CNN model isused to develop the deep learning model. We will import Convolution,Activation,Maxpooling, Flatten,Dropoutand Dense layers. The data is normalized before being feed to the neural network. The most easiest way is to scale the data. Convolution layer is used to fetch the features of input image. In this implementation, we used 64 units and 3x3 window size. After Convolution, Activation is applied to model. The Activation used in this work isRectifiedLinear Unit (ReLU). ReLU is added for adding non-linearity for classification. Maxpooling is done to extract the most specificfeatureofimage.Inthiswork,weused2x2window sizeformaxpooling.Flatten layer isusedflattentheoutput of Convolution layer or Pooling layer to 1-D featurevector. Dropout layer is used to drop random set of neurons. Dense layer is the fully connected layer that is used to classify the image into a label for classification. The total number of trainable parameters are 9,835,265. Fig -6:- CNN Model The type of model used in this work is Sequential Model.The Tensorflow and Keras libraryare used to build this model. It is termed sequential because it is the easiest way to build a deep learning model in Keras. The model is build layer by layer. The layers of CNN model arestackedwell insequential order from input to output. The activation_1 function uses the ReLU activation function and the activation_2 uses the Sigmoid activation function as binary classification problem is considered. This CNN Model is the trained model. The accuracy of this model for generalized data will be tested using some test data. 4. RESULTS The CNN model for Image classification of Dog and Cat is implemented. Some test images are used for testing the accuracy of classification given by CNN Model. The Test image1 named “dog_small.jpg” is used astestinputimagefor classification. It is correctly classified by CNN Model as Dog.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 498 Fig -7: Test Image1 Dog is taken as a test data. The trained CNN model will extract the features ofDog using Convolution layer with the help of 3x3 feature detector window. We will obtain the required feature map of input image. The negative values of the Feature map are removedwith the help of ReLU layer. This layer adds some non-linearity. The Maxpooling layer is used to extract the special and important featuresof Dogin2x2window.TheFlattening layer will be used to convert the2x2Maxpoolingwindow to 1-D Featurevector.Alloftheseindividualvaluesin1-D feature vector are basically the separate features that represent the image. At last, the Dense layer will use the ReLU and Sigmoid Activation function for classification of the correct category. Fig -8: Classification of Test Image1 Here, the prediction is done on the basis of indexes allotted to the label of Cat or Dog. The index 0 is for Cat and 1 is for Dog. The index is mapped to the label that is defined in the CATEGORIES list. 5. CONCLUSION The CNN model for Image classification using deep learning is made. The model consists of various layers like convolution layer, ReLUlayer,Maxpoolinglayer,Flattened layer, Dropout layer and Dense layer. The model is tested by providing some test input images to check whether the correct output is obtained or not. The essential features of image are extracted by Convolution and Pooling layer. Some index value is assigned to each label for easy classification. The Dense layer in the model will label the image as Dogor Cat. The input test image will be classified either as dog or cat. REFERENCES [1] Jia, X. (2017, May). Image recognition method based on deep learning. In 2017 29th Chinese Control And Decision Conference (CCDC) (pp. 4730-4735). IEEE. [2] Albawi, S., Mohammed, T. A., & Al-Zawi, S. (2017, August). Understanding of a convolution neural network. In 2017 International Conference on Engineering and Technology (ICET) (pp. 1-6). IEEE. [3] Toleubay, Y., & James, A. P. (2020). Getting started with TensorFlow deep learning. In Deep Learning Classifiers with Memristive Networks (pp. 57-67). Springer,Cham. [4] Om, P., & Vijay, G. (2018). Classification of vegetables using TensorFlow. International Journal for Research in Applied Science and Engineering Technology, 6(4), 2926-2934. [5] Haykin, S. (2010). Neural Networks and Learning Machines, 3/E. Pearson Education India. [6] Sultana, F., Sufian, A., & Dutta, P. (2018). Advancements in Image Classification using Convolutional Neural Network. 2018 Fourth International Conference on Research in Computational Intelligence and Communication Networks.