SlideShare a Scribd company logo
1 of 5
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1103
Image Classification and Annotation Using Deep Learning
Amrita Aman1, Rajnish K Ranjan2, Prashant Richhariya3, Anita Soni4
1Department of Computer Science & Engineering, Technocrats Institute of Technology (Advance), M.P., India.
2Department of Computer Science & Engineering, LNCTU, M.P., India
3,4Department of Computer Science & Engineering, Technocrats Institute of Technology (Advance), M.P., India.
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - Deep learning has recently produced huge belief
in the fields of AI. A lot of advanced research is running in this
area image classification is one of them. In this work, we
present a new deep learning model for image annotation and
classification. Specifically, we propose a new probabilistic
model that integrates image classification and annotation
jointly. We also derive approximate inference and estimation
algorithms based on various CNNandDNNmethods, aswellas
efficient approximations for classifying and annotating new
images. We demonstrate the performance of our model on the
on CIFAR-10, CIFAR-100 and new dataset that we collected
that consists of images and annotations of the same objects in
different viewpoints. We show that our model is giving better
result in compare to several baseline methods. In addition, we
show that our model can be used for fast image annotation,
which is an important task in computer vision. By comparing
our model with a CNN-based method, wedemonstratethatour
model can be used to achieve comparable performance while
using only a fraction of the time. Finally, we describe a novel,
scalable implementation of our model. We insure that our
implementation can be used to annotate all of the images in
selected datasets and self-created benchmark dataset only in
few seconds.
Key Words: Classification,Annotation,Convolutional Neural
Network, Deep Learning, Data set.
1.INTRODUCTION
The Computer Visionsystemfocusesonidentificationand
classification of the objects which are present in our
surrounding as a key visual competence that will we use in
the present scenario. One of the key difficulties in this area is
image classification, which is going to be the most significant
filed in future of Artificial Intelligence. Deep learning neural
networks areamongthemostsignificantmethodsofmachine
learning which are used in this concept. Two independent
problems that comes under computer vison are image
classification and image annotation [3]. Our motivating
intuition is that these two tasks should be connected. In this
work, we develop a model based which is capturing input
image and detecting semantic objects in the image. Based on
the object’s nature, model is used to annotate and name it.
For detecting semantic objects it is important to extract
various features of image like low level features color, shape
and texture [2, 6] and mid-level features like motion and
other salient features [14]. For new unknown images, our
model provides predictive distributions of both class and
annotation. Image classification is a computer vision
technique for automatically categorizing images into a set of
predefined classes. It aims tocreateacomputerprogramthat
canautomatically classify images into predefined categories.
Images can be classified based on the objects [7]theycontain
or the scene they represent. Image classification has a wide
range of applications. It can be used to categorize images of
different objects in the real world, or to categorize images of
different scenes. Image classification can be used for image
retrieval, image detailing, image tagging, image annotation,
etc. In the last fewyears,thedemandforauto-annotation[13]
methods has increased in the form of the recent outbreak of
multimedia content and personal archiving on the Internet.
Image classification is a multi-label classification problem
that aims to associate a set of text with an image that
describes its semantics. Basic working model of image
classification can be seen in Fig-1 below.
Fig -1: Working Flowchart of Convolutional Neural
Network.
1.1 Motivation
Image classification is major challenge today. In our day-
to-daylifescenario,anobjectcanbecategorizedintomultiple
classes. That can be a newspaper column which is tagged as
"political", "election", "democracy"; an image can contain
"tiger", "grass", "river"; and many more. These are some
samples of multi-label classification, which accommodate
with the task of linking multiple labels with single form of
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1104
data. This is a complicated problem because it needs to
consider the complex correlations which is shared by
different labels.
2. LITERATURE REVIEW
On the face of it, image classification [1] seems simple.
You show an image and the computer tells you what it is. But
in actuality, classification is very difficult. The computer
needs to be able to tell the difference between a picture of a
person and a picture of a dog. It needs to be able to tell the
difference between an image of a human face andanimageof
a human body. It needs to be able to tell the difference
between an image of a cat and an image of a person. As the
number of classes increases, the difficulty of classification
also increases. The more classes there are to classify, the
more difficult the classification becomes. The more classes
there are to classify, the more difficult the classification
becomes. So, how do we do this? We used one of the most
useful tools in computer science: machine learning. Machine
learning is a field of computer science that involves
developing algorithms that can learn and improve on their
own. Machine learning is used in a variety of fields, including
web crawling, natural language processing, speech
recognition, and image classification [4]. When wetalkabout
image classification, weare essentially talkingabouttraining
a machine learning algorithm. This is a process of training a
machine-learning algorithm to recognize a specific class.
which comes under deep learning. Deep learning [5] is a
subset of machine learning that is concerned with the
representation and use of data. Deep learning is usually
implemented using neural networks. A neural network is a
mathematical model that simulates the human brain. It is
comprised of three layers: an input layer, a hidden layer, and
an output layer. Each layer consists of a set of neurons that
can be connected to one another. Each neuron consists of a
weight and a threshold.Theweightrepresentsthestrengthof
the connection [11] between the neuron and theneuronnext
to it. The threshold represents the average strength of the
connection of the neuron to the neurons on either side.
Architectureof neural network can be understand like- Data
is received by the input layers and transmitted to hidden
layers. Number of hidden layers depends on the model. As
increasing the number of hidden layers, increases the
accuracy but computation cost also increases. The hidden
layer performs a process called non-linear transformation.It
maps the data into a new space, where the data is more
suitable for training the neural network. The hidden layer
then passes the data to the output layer. The output layer
performs a process called linear transformation. It maps the
data into a space where the data can be used to make
predictions.
The first step in training a machine learning algorithm is
to define the problem. In this case, we are trying to train a
machine learning algorithm to recognize images of human
faces. So our task is to define a problem that we can solve.
The next step is to define the features of the problem. The
features are the characteristics thatdefinetheclassofobjects
we are trying to identify. For example, the features of a face
may include: the eyes, nose, lips, and hair. Once we have
defined the problem and features, we can start training the
algorithm. We start by using a set of features that can be
extracted from an image. These features are used to describe
the image in some way. For example, the computer may use
the color of the image, the brightness, the contrast, the
texture, or the shape of the image [6, 14]. Features are
represented by numerical values, which are then fed into a
classification algorithm. We have a set of feature vectors for
each image. The classification algorithm then uses these
featurevectors tomakeapredictionabouttheimage.Usually,
the predicted label is the most common one in the training
data. The training data is a collection of feature vectors and
the corresponding predictedlabels.Thetrainingsetisusedto
learn the parameters of the classifier so thatitcanpredictthe
labels of new examples, There are many different
classification algorithms, each with their own strengths and
weaknesses. One of the most popular classification
algorithms is the CNN. Convolutional Neural Network [8, 9]
has many layers in its implementation. Pooling layer (Fig-2)
is one of them which is used to reduce the dimension.Ithelps
to reduce the number of parameter of dataandhencerequire
less computation. Size of the kernel in pooling layer can vary
as per the requirements. In Fig -2 it is of 2 X 2 kernel which is
4 X 4 data matrix into 2 X 2. Concept behind reduction of
parameter is picking the highest magnitude and ignoreother
smaller magnitude. Then kernel window shift forward for
picking another highest magnitude value in that particular
window. And this way number of resulting parameter
reduced.
Fig -2: Pooling Process for different dimensions.
Convolutional neural networks are a type of neural network
that have become popular in recent years. They have been
applied to a variety of problems, including: speech
recognition, image classification, and object detection. The
CNN isa deep learning[12]algorithmthatcanclassifyimages
and videos. It has been trained to detect objects in images. It
does this using a convolutional neural network.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1105
Fig -3: Leaky ReLU Activation Function Graphical
Representation.
3. PROPOSED METHODOLOGY
We use convolutional filters to extract features from the
image. The convolutional filters [10] are applied to theinput
image to generate a feature map, which is a matrix of
numbers that represents the features in the image. “Block
Diagram for proposed techniques are shown in below Fig -
4.” The number of columns in the feature map is equal to the
number of filters that were used. The number of rows in the
feature map is equal to the number of pixels in the input
image. Each element in the feature map is a number that
represents how much the filter affects the input image. The
filter is applied to the input image and the feature map is
generated. The output of the filter is then passed through a
nonlinear activation function, such as a rectified linear unit
(ReLU). Many other linear andnon-linearactivationfunction
exists and each has its own advantages and disadvantages.
One of the most important feature of ReLU is that, itdoesnot
activate all neurons in same time. But the problem with
ReLU is that- It is unbounded & Not differentiable at zero.
Leaky ReLU (Fig-3) can beusedtoovercomeReLUproblems.
The output of the activation function is thenmultiplied byits
corresponding weights, and the sum is passed through the
activation function again. The weights are stored in a matrix
that is called a weight matrix. The weights are the numbers
that are used to multiply the input image and generate the
feature map. The weights are also used to generate the
feature map. If the weights are large, then thecorresponding
elements in the feature map will also be large. If the weights
are small, then the corresponding elements in the feature
map will also be small. In general, the output of the
activation function is used as the input to the next layer,
which in turn generates a feature map. This process is
repeated until the feature map is generated. Thefinal feature
map is then used to classify the objects in the image. If we
use a convolutional neural network to classify objects, it is
called a two-stage detector. The first stage is the object
detection stage.
Fig -4: Basic Block Diagram for Classification and
Annotation.
This stage is a convolutional neural network that is used to
identify objects in an image. The second stage is the
classification stage. This stage is a fully connected neural
network that is used to classify the objects that were
identified in the first stage. The first stage is also called the
proposal stage. It is the stage that generates the proposed
regions. The second stage is also called the classification
stage. It is the stage that classifies the proposed regions.
Future of image classification is coming with coming year of
advanced technologies; computer vision techniques have
improved very rapidly and novel deep learning-based
detection methods have been proposed.Withcomingyearof
advanced technologies, computer vision techniques have
improved very rapidly and novel deep learning-based
detection methods have been proposed.
4. RESULT AND DISCUSSION
4.1 Dataset
Proposed model for classification and annotation has been
tested for several datasets like CIFAR-10, CIFAR-100, COCO
and self-generated dataset. CIFAR-10 isthesetof10different
classes like- airplanes, birds, cats, dogs, etc.; with more than
60000 color images whereas, CIFAR-100 has 100 different
classes with more than 600 images in each class. COCO
(Common Object in Context) datasetisusedforclassification,
recognition, segmentation, object detection and for many
other purposes. It has more than 330K images with 200K+
annotated images.
4.2 Performance Metric
Performance of the model has been calculated based on
classification performance metric shown in Table -1. Where
TP, FP, FN and TN abbreviate True Positive, False Positive,
False Negative and True Negative respectively. Actual value
and predicted value represented as rows and column
respectively.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1106
Table -1: Classification Performance Metric
1: True; 0: False;
TP: True +Ve; FP: False +Ve
FN: False –Ve; TN: True –Ve.
Actual
1 0
Predicted
1 TP FP
0
FN
TN
Accuracy of the module is calculated by the following
formula-
Accuracy = (TP + TN) / (TP + FP + FN + TN)
4.3 Classification and Annotation
Convolutional Neural Network is used for classification and
one can explore its working process through Fig -5. Self-
generated input data has been passed for various CNN layers
like convolutional layer, pooling layer and fully connected
layer. Each layer has its own features to extract some
knowledge for input image. This work is identifying all
semantic objects in background/ foreground in image and
Fig -5: CNN Layers for input image.
based on identified objects, model is recognizing it with
various existing features to annotate and nameit.Fig-6(Self-
generated data) and Fig -7 (CIFAR-10 Dataset) tells
everything about output of this module. In Fig -6, A sports
ball and a baby (person) can be manually visualize in input
image and model is classifying it accurately and annotating
perfectly. In Fig -7, A train and a pole can be manually
visualized but this module is identifying semantic object as
train and annotating it.
Fig -6: Classification of Objects and Annotating it for Self-
Generated Data.
Fig -7: Classification of Objects and Annotating it for
CIFAR-10 Dataset.
4.4 Work Comparison
Develop model has been tested on various existing standard
datasets as well as on self-generated benchmark datasets.
Accuracy of the model for some of standard datasets like
CIFAR-10, CIFAR-100 and self -created datasetaretabulated
in Table -2. Its performance is 98.78% for benchmark self-
created data and 96.78% for CIFAR-10 & 84.96% for CIFAR-
100 datasets are recorded. Performance of some standard
model in the field of classification like DenseNet and Drop-
Activation has been tabulated for the same dataset. Both
model almost performing same over CIFAR-10 but in caseof
CIFAR-100 Drop-Activation model is littlebitbetterclassifier
in compare to DenseNet model.
Table -2: Result Obtained from Different Model
Model Dataset Accuracy (%)
DenseNet CIFAR-10 96.54
CIFAR-100 82.82
Drop-Activation CIFAR-10 96.55
CIFAR-100 83.80
Proposed
Approach
CIFAR-10 96.78
CIFAR-100 84.96
Self-Created 98.78
5. CONCLUSIONS
This work has given an insight into image annotation and
classification using deep neural networks. As deep learning
applications to image classification are integral part of
machine learning that shows the power of artificial
intelligence. Such deep learning techniquesareusedtosolve
complex problems as human brain does automatically. Here
we have used CNN techniques along with Leaky ReLU
activation function to train the model. Training has been
done using forward propagation as well as backward
propagation for many epochs. Model has been trained and
tested over datasets like COCO, CIFAR-10, CIFAR-100 and
other benchmark datasets. We used precision and recall
metric to find the accuracy of the model. Results for
classification and annotations can also be visually seen and
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1107
assess the accuracy of our model. Proposed work has been
compared with various latest work done in this area, few of
them are like- DenseNet, Drop-Activation, etc. Finally, we
assure about our model that, its performanceis with98.78%
accuracy for benchmark self-created data, 96.78% for
CIFAR-10 and 84.96% for CIFAR-100 datasets. We are
carrying forward this work with high hope and huge
expectation for optimal accuracy using combined deep
learning techniques CNN and RNN.
REFERENCES
[1] Rawat, Waseem, and Zenghui Wang. "Deep
convolutional neural networks for image classification:
A comprehensive review." Neural computation 29.9
(2017): 2352-2449.
[2] Kumar, Gaurav, and Pradeep Kumar Bhatia. "A detailed
review of feature extraction in image processing
systems." 2014 Fourth international conference on
advanced computing & communication technologies.
IEEE, 2014.
[3] Ojha, Utkarsh, Utsav Adhikari, and Dushyant Kumar
Singh. "Image annotationusingdeeplearning:Areview."
2017 International ConferenceonIntelligentComputing
and Control (I2C2). IEEE, 2017.
[4] Pin Wang , En Fan , Peng Wang , ComparativeAnalysisof
Image Classification Algorithms Based on Traditional
Machine Learning and Deep Learning, Pattern
Recognition Letters (2020).
[5] Obaid, Kavi B., Subhi Zeebaree, and Omar M. Ahmed.
"Deep learning models based on image classification: a
review." International Journal of Science and Business
4.11 (2020): 75-81.
[6] Rajnish K. Ranjan and Anupam Agrawal, "Video
Summary Based on F-Sift, Tamura Textural and Middle
level Semantic Feature," Procedia Computer Science,
12th International Conference on Image and Signal
Processing 2016, Volume 89, pp. 870-876.
[7] Sudharshan, Duth P., and SwathiRaj."Object recognition
in images using convolutional neural network." 2018
2nd International Conference on Inventive Systemsand
Control (ICISC). IEEE, 2018.
[8] Abu, Mohd Azlan, et al. "A study on Image Classification
based on Deep Learning and Tensorflow." Int.J.Eng.Res.
Technol 12.4 (2019): 563-569.
[9] Shorten, Connor, and Taghi M. Khoshgoftaar. "A survey
on image data augmentation for deep learning." Journal
of big data 6.1 (2019): 1-48.
[10] Sun, Yanan, et al. "Evolving deep convolutional neural
networks for image classification." IEEETransactionson
Evolutionary Computation 24.2 (2019): 394-407.
[11] Bhawsar Y., Ranjan R.K. (2021) Link Prediction
Computational Models: A Comparative Study.In: Tomar
R.S. et al. (eds) Communication, Networks and
Computing. CNC 2020. Communications in Computer
and Information Science, vol 1502. Springer, Singapore.
[12] Aa, Vasuki, and Govindaraju Sb. "Deep neural networks
for image classification." Deep Learning for Image
Processing Applications 31 (2017): 27.
[13] Murthy, Venkatesh N., Subhransu Maji, and R.
Manmatha. "Automatic image annotation using deep
learning representations." Proceedings of the 5th ACM
on International Conference on Multimedia Retrieval.
2015.
[14] Ranjan R.K., Bhawsar Y., Aman A. (2021) Video
Summary Based on Visual and Mid-level Semantic
Features. In: Tomar R.S. et al. (eds) Communication,
Networks and Computing. CNC 2020. Communications
in Computer and Information Science, vol 1502.
Springer, Singapore.
BIOGRAPHIES
Amrita Aman is a M.Tech
candidate in the Department of
Computer ScienceandEngineering
at TITA Bhopal. She graduated in
CSE (HIT-K) in 2013 and served as
an Assistant Manager in Bank of
Baroda for 4 years (2015-2019).
Rajnish K Ranjan has master’s
degree in Computer Sc. &
Engineering from IIIT Allahabad
(2016). He is currently Lecturer in
GWPC Bhopal in Department of
Computer Science & Engineering
and Pursuing Ph.D. from LNCTU,
Bhopal. His research area is
MachineLearning(DeepLearning),
Internet of Things (IoT) and
Computer Vision.
Prashant Richhariya worked as
an Assistant Professor in TITA
Bhopal. He is having an experience
of 18 years in Teaching. His
research area is computer vision,
image processing, Data mining. He
is having total 5 patient, 18
research papers.
Dr. Anita Soni is Professor in
Department of CS (TIT-Advance).
She has more than 15 years of
teaching and research experience.
She has 3 Patient, 3 Book Chapters
and 15 Research Paper.

More Related Content

Similar to Image Classification and Annotation Using Deep Learning

Scene Description From Images To Sentences
Scene Description From Images To SentencesScene Description From Images To Sentences
Scene Description From Images To SentencesIRJET Journal
 
IRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET Journal
 
Techniques Used For Extracting Useful Information From Images
Techniques Used For Extracting Useful Information From ImagesTechniques Used For Extracting Useful Information From Images
Techniques Used For Extracting Useful Information From ImagesJill Crawford
 
Face Annotation using Co-Relation based Matching for Improving Image Mining ...
Face Annotation using Co-Relation based Matching  for Improving Image Mining ...Face Annotation using Co-Relation based Matching  for Improving Image Mining ...
Face Annotation using Co-Relation based Matching for Improving Image Mining ...IRJET Journal
 
IRJET- Deep Learning Techniques for Object Detection
IRJET-  	  Deep Learning Techniques for Object DetectionIRJET-  	  Deep Learning Techniques for Object Detection
IRJET- Deep Learning Techniques for Object DetectionIRJET Journal
 
A Hybrid Theory Of Power Theft Detection
A Hybrid Theory Of Power Theft DetectionA Hybrid Theory Of Power Theft Detection
A Hybrid Theory Of Power Theft DetectionCamella Taylor
 
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNINGANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNINGIRJET Journal
 
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...ijscai
 
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...ijscai
 
Unsupervised learning models of invariant features in images: Recent developm...
Unsupervised learning models of invariant features in images: Recent developm...Unsupervised learning models of invariant features in images: Recent developm...
Unsupervised learning models of invariant features in images: Recent developm...IJSCAI Journal
 
IRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet ArchitectureIRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet ArchitectureIRJET Journal
 
IRJET- Visual Question Answering using Combination of LSTM and CNN: A Survey
IRJET- Visual Question Answering using Combination of LSTM and CNN: A SurveyIRJET- Visual Question Answering using Combination of LSTM and CNN: A Survey
IRJET- Visual Question Answering using Combination of LSTM and CNN: A SurveyIRJET Journal
 
Mining of images using retrieval techniques
Mining of images using retrieval techniquesMining of images using retrieval techniques
Mining of images using retrieval techniqueseSAT Journals
 
Handwriting_Recognition_using_KNN_classificatiob_algorithm_ijariie6729 (1).pdf
Handwriting_Recognition_using_KNN_classificatiob_algorithm_ijariie6729 (1).pdfHandwriting_Recognition_using_KNN_classificatiob_algorithm_ijariie6729 (1).pdf
Handwriting_Recognition_using_KNN_classificatiob_algorithm_ijariie6729 (1).pdfSachin414679
 
IRJET - Visual Question Answering – Implementation using Keras
IRJET -  	  Visual Question Answering – Implementation using KerasIRJET -  	  Visual Question Answering – Implementation using Keras
IRJET - Visual Question Answering – Implementation using KerasIRJET Journal
 
Tag based image retrieval (tbir) using automatic image annotation
Tag based image retrieval (tbir) using automatic image annotationTag based image retrieval (tbir) using automatic image annotation
Tag based image retrieval (tbir) using automatic image annotationeSAT Journals
 
Tag based image retrieval (tbir) using automatic image annotation
Tag based image retrieval (tbir) using automatic image annotationTag based image retrieval (tbir) using automatic image annotation
Tag based image retrieval (tbir) using automatic image annotationeSAT Publishing House
 
Image Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learningImage Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learningPRATHAMESH REGE
 
1BM19CS155_ShreshthaAggarwal_Technical Seminar_PPT.pptx
1BM19CS155_ShreshthaAggarwal_Technical Seminar_PPT.pptx1BM19CS155_ShreshthaAggarwal_Technical Seminar_PPT.pptx
1BM19CS155_ShreshthaAggarwal_Technical Seminar_PPT.pptxAshutoshUpadhyay843177
 

Similar to Image Classification and Annotation Using Deep Learning (20)

Scene Description From Images To Sentences
Scene Description From Images To SentencesScene Description From Images To Sentences
Scene Description From Images To Sentences
 
IRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine Learning
 
Techniques Used For Extracting Useful Information From Images
Techniques Used For Extracting Useful Information From ImagesTechniques Used For Extracting Useful Information From Images
Techniques Used For Extracting Useful Information From Images
 
Face Annotation using Co-Relation based Matching for Improving Image Mining ...
Face Annotation using Co-Relation based Matching  for Improving Image Mining ...Face Annotation using Co-Relation based Matching  for Improving Image Mining ...
Face Annotation using Co-Relation based Matching for Improving Image Mining ...
 
Fake News Detection using Deep Learning
Fake News Detection using Deep LearningFake News Detection using Deep Learning
Fake News Detection using Deep Learning
 
IRJET- Deep Learning Techniques for Object Detection
IRJET-  	  Deep Learning Techniques for Object DetectionIRJET-  	  Deep Learning Techniques for Object Detection
IRJET- Deep Learning Techniques for Object Detection
 
A Hybrid Theory Of Power Theft Detection
A Hybrid Theory Of Power Theft DetectionA Hybrid Theory Of Power Theft Detection
A Hybrid Theory Of Power Theft Detection
 
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNINGANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
 
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
 
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
 
Unsupervised learning models of invariant features in images: Recent developm...
Unsupervised learning models of invariant features in images: Recent developm...Unsupervised learning models of invariant features in images: Recent developm...
Unsupervised learning models of invariant features in images: Recent developm...
 
IRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet ArchitectureIRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet Architecture
 
IRJET- Visual Question Answering using Combination of LSTM and CNN: A Survey
IRJET- Visual Question Answering using Combination of LSTM and CNN: A SurveyIRJET- Visual Question Answering using Combination of LSTM and CNN: A Survey
IRJET- Visual Question Answering using Combination of LSTM and CNN: A Survey
 
Mining of images using retrieval techniques
Mining of images using retrieval techniquesMining of images using retrieval techniques
Mining of images using retrieval techniques
 
Handwriting_Recognition_using_KNN_classificatiob_algorithm_ijariie6729 (1).pdf
Handwriting_Recognition_using_KNN_classificatiob_algorithm_ijariie6729 (1).pdfHandwriting_Recognition_using_KNN_classificatiob_algorithm_ijariie6729 (1).pdf
Handwriting_Recognition_using_KNN_classificatiob_algorithm_ijariie6729 (1).pdf
 
IRJET - Visual Question Answering – Implementation using Keras
IRJET -  	  Visual Question Answering – Implementation using KerasIRJET -  	  Visual Question Answering – Implementation using Keras
IRJET - Visual Question Answering – Implementation using Keras
 
Tag based image retrieval (tbir) using automatic image annotation
Tag based image retrieval (tbir) using automatic image annotationTag based image retrieval (tbir) using automatic image annotation
Tag based image retrieval (tbir) using automatic image annotation
 
Tag based image retrieval (tbir) using automatic image annotation
Tag based image retrieval (tbir) using automatic image annotationTag based image retrieval (tbir) using automatic image annotation
Tag based image retrieval (tbir) using automatic image annotation
 
Image Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learningImage Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learning
 
1BM19CS155_ShreshthaAggarwal_Technical Seminar_PPT.pptx
1BM19CS155_ShreshthaAggarwal_Technical Seminar_PPT.pptx1BM19CS155_ShreshthaAggarwal_Technical Seminar_PPT.pptx
1BM19CS155_ShreshthaAggarwal_Technical Seminar_PPT.pptx
 

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 STRUCTUREIRJET 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 CharacteristicsIRJET 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 ADASIRJET 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 ProIRJET 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 SystemIRJET 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 bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET 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 DesignIRJET 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

main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidNikhilNagaraju
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Christo Ananth
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Dr.Costas Sachpazis
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...ranjana rawat
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxJoão Esperancinha
 
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
Analog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAnalog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAbhinavSharma374939
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝soniya singh
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVRajaP95
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxAsutosh Ranjan
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 

Recently uploaded (20)

main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfid
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
 
Roadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and RoutesRoadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and Routes
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptxExploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
 
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
 
Analog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAnalog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog Converter
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptx
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
 

Image Classification and Annotation Using Deep Learning

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1103 Image Classification and Annotation Using Deep Learning Amrita Aman1, Rajnish K Ranjan2, Prashant Richhariya3, Anita Soni4 1Department of Computer Science & Engineering, Technocrats Institute of Technology (Advance), M.P., India. 2Department of Computer Science & Engineering, LNCTU, M.P., India 3,4Department of Computer Science & Engineering, Technocrats Institute of Technology (Advance), M.P., India. ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - Deep learning has recently produced huge belief in the fields of AI. A lot of advanced research is running in this area image classification is one of them. In this work, we present a new deep learning model for image annotation and classification. Specifically, we propose a new probabilistic model that integrates image classification and annotation jointly. We also derive approximate inference and estimation algorithms based on various CNNandDNNmethods, aswellas efficient approximations for classifying and annotating new images. We demonstrate the performance of our model on the on CIFAR-10, CIFAR-100 and new dataset that we collected that consists of images and annotations of the same objects in different viewpoints. We show that our model is giving better result in compare to several baseline methods. In addition, we show that our model can be used for fast image annotation, which is an important task in computer vision. By comparing our model with a CNN-based method, wedemonstratethatour model can be used to achieve comparable performance while using only a fraction of the time. Finally, we describe a novel, scalable implementation of our model. We insure that our implementation can be used to annotate all of the images in selected datasets and self-created benchmark dataset only in few seconds. Key Words: Classification,Annotation,Convolutional Neural Network, Deep Learning, Data set. 1.INTRODUCTION The Computer Visionsystemfocusesonidentificationand classification of the objects which are present in our surrounding as a key visual competence that will we use in the present scenario. One of the key difficulties in this area is image classification, which is going to be the most significant filed in future of Artificial Intelligence. Deep learning neural networks areamongthemostsignificantmethodsofmachine learning which are used in this concept. Two independent problems that comes under computer vison are image classification and image annotation [3]. Our motivating intuition is that these two tasks should be connected. In this work, we develop a model based which is capturing input image and detecting semantic objects in the image. Based on the object’s nature, model is used to annotate and name it. For detecting semantic objects it is important to extract various features of image like low level features color, shape and texture [2, 6] and mid-level features like motion and other salient features [14]. For new unknown images, our model provides predictive distributions of both class and annotation. Image classification is a computer vision technique for automatically categorizing images into a set of predefined classes. It aims tocreateacomputerprogramthat canautomatically classify images into predefined categories. Images can be classified based on the objects [7]theycontain or the scene they represent. Image classification has a wide range of applications. It can be used to categorize images of different objects in the real world, or to categorize images of different scenes. Image classification can be used for image retrieval, image detailing, image tagging, image annotation, etc. In the last fewyears,thedemandforauto-annotation[13] methods has increased in the form of the recent outbreak of multimedia content and personal archiving on the Internet. Image classification is a multi-label classification problem that aims to associate a set of text with an image that describes its semantics. Basic working model of image classification can be seen in Fig-1 below. Fig -1: Working Flowchart of Convolutional Neural Network. 1.1 Motivation Image classification is major challenge today. In our day- to-daylifescenario,anobjectcanbecategorizedintomultiple classes. That can be a newspaper column which is tagged as "political", "election", "democracy"; an image can contain "tiger", "grass", "river"; and many more. These are some samples of multi-label classification, which accommodate with the task of linking multiple labels with single form of
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1104 data. This is a complicated problem because it needs to consider the complex correlations which is shared by different labels. 2. LITERATURE REVIEW On the face of it, image classification [1] seems simple. You show an image and the computer tells you what it is. But in actuality, classification is very difficult. The computer needs to be able to tell the difference between a picture of a person and a picture of a dog. It needs to be able to tell the difference between an image of a human face andanimageof a human body. It needs to be able to tell the difference between an image of a cat and an image of a person. As the number of classes increases, the difficulty of classification also increases. The more classes there are to classify, the more difficult the classification becomes. The more classes there are to classify, the more difficult the classification becomes. So, how do we do this? We used one of the most useful tools in computer science: machine learning. Machine learning is a field of computer science that involves developing algorithms that can learn and improve on their own. Machine learning is used in a variety of fields, including web crawling, natural language processing, speech recognition, and image classification [4]. When wetalkabout image classification, weare essentially talkingabouttraining a machine learning algorithm. This is a process of training a machine-learning algorithm to recognize a specific class. which comes under deep learning. Deep learning [5] is a subset of machine learning that is concerned with the representation and use of data. Deep learning is usually implemented using neural networks. A neural network is a mathematical model that simulates the human brain. It is comprised of three layers: an input layer, a hidden layer, and an output layer. Each layer consists of a set of neurons that can be connected to one another. Each neuron consists of a weight and a threshold.Theweightrepresentsthestrengthof the connection [11] between the neuron and theneuronnext to it. The threshold represents the average strength of the connection of the neuron to the neurons on either side. Architectureof neural network can be understand like- Data is received by the input layers and transmitted to hidden layers. Number of hidden layers depends on the model. As increasing the number of hidden layers, increases the accuracy but computation cost also increases. The hidden layer performs a process called non-linear transformation.It maps the data into a new space, where the data is more suitable for training the neural network. The hidden layer then passes the data to the output layer. The output layer performs a process called linear transformation. It maps the data into a space where the data can be used to make predictions. The first step in training a machine learning algorithm is to define the problem. In this case, we are trying to train a machine learning algorithm to recognize images of human faces. So our task is to define a problem that we can solve. The next step is to define the features of the problem. The features are the characteristics thatdefinetheclassofobjects we are trying to identify. For example, the features of a face may include: the eyes, nose, lips, and hair. Once we have defined the problem and features, we can start training the algorithm. We start by using a set of features that can be extracted from an image. These features are used to describe the image in some way. For example, the computer may use the color of the image, the brightness, the contrast, the texture, or the shape of the image [6, 14]. Features are represented by numerical values, which are then fed into a classification algorithm. We have a set of feature vectors for each image. The classification algorithm then uses these featurevectors tomakeapredictionabouttheimage.Usually, the predicted label is the most common one in the training data. The training data is a collection of feature vectors and the corresponding predictedlabels.Thetrainingsetisusedto learn the parameters of the classifier so thatitcanpredictthe labels of new examples, There are many different classification algorithms, each with their own strengths and weaknesses. One of the most popular classification algorithms is the CNN. Convolutional Neural Network [8, 9] has many layers in its implementation. Pooling layer (Fig-2) is one of them which is used to reduce the dimension.Ithelps to reduce the number of parameter of dataandhencerequire less computation. Size of the kernel in pooling layer can vary as per the requirements. In Fig -2 it is of 2 X 2 kernel which is 4 X 4 data matrix into 2 X 2. Concept behind reduction of parameter is picking the highest magnitude and ignoreother smaller magnitude. Then kernel window shift forward for picking another highest magnitude value in that particular window. And this way number of resulting parameter reduced. Fig -2: Pooling Process for different dimensions. Convolutional neural networks are a type of neural network that have become popular in recent years. They have been applied to a variety of problems, including: speech recognition, image classification, and object detection. The CNN isa deep learning[12]algorithmthatcanclassifyimages and videos. It has been trained to detect objects in images. It does this using a convolutional neural network.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1105 Fig -3: Leaky ReLU Activation Function Graphical Representation. 3. PROPOSED METHODOLOGY We use convolutional filters to extract features from the image. The convolutional filters [10] are applied to theinput image to generate a feature map, which is a matrix of numbers that represents the features in the image. “Block Diagram for proposed techniques are shown in below Fig - 4.” The number of columns in the feature map is equal to the number of filters that were used. The number of rows in the feature map is equal to the number of pixels in the input image. Each element in the feature map is a number that represents how much the filter affects the input image. The filter is applied to the input image and the feature map is generated. The output of the filter is then passed through a nonlinear activation function, such as a rectified linear unit (ReLU). Many other linear andnon-linearactivationfunction exists and each has its own advantages and disadvantages. One of the most important feature of ReLU is that, itdoesnot activate all neurons in same time. But the problem with ReLU is that- It is unbounded & Not differentiable at zero. Leaky ReLU (Fig-3) can beusedtoovercomeReLUproblems. The output of the activation function is thenmultiplied byits corresponding weights, and the sum is passed through the activation function again. The weights are stored in a matrix that is called a weight matrix. The weights are the numbers that are used to multiply the input image and generate the feature map. The weights are also used to generate the feature map. If the weights are large, then thecorresponding elements in the feature map will also be large. If the weights are small, then the corresponding elements in the feature map will also be small. In general, the output of the activation function is used as the input to the next layer, which in turn generates a feature map. This process is repeated until the feature map is generated. Thefinal feature map is then used to classify the objects in the image. If we use a convolutional neural network to classify objects, it is called a two-stage detector. The first stage is the object detection stage. Fig -4: Basic Block Diagram for Classification and Annotation. This stage is a convolutional neural network that is used to identify objects in an image. The second stage is the classification stage. This stage is a fully connected neural network that is used to classify the objects that were identified in the first stage. The first stage is also called the proposal stage. It is the stage that generates the proposed regions. The second stage is also called the classification stage. It is the stage that classifies the proposed regions. Future of image classification is coming with coming year of advanced technologies; computer vision techniques have improved very rapidly and novel deep learning-based detection methods have been proposed.Withcomingyearof advanced technologies, computer vision techniques have improved very rapidly and novel deep learning-based detection methods have been proposed. 4. RESULT AND DISCUSSION 4.1 Dataset Proposed model for classification and annotation has been tested for several datasets like CIFAR-10, CIFAR-100, COCO and self-generated dataset. CIFAR-10 isthesetof10different classes like- airplanes, birds, cats, dogs, etc.; with more than 60000 color images whereas, CIFAR-100 has 100 different classes with more than 600 images in each class. COCO (Common Object in Context) datasetisusedforclassification, recognition, segmentation, object detection and for many other purposes. It has more than 330K images with 200K+ annotated images. 4.2 Performance Metric Performance of the model has been calculated based on classification performance metric shown in Table -1. Where TP, FP, FN and TN abbreviate True Positive, False Positive, False Negative and True Negative respectively. Actual value and predicted value represented as rows and column respectively.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1106 Table -1: Classification Performance Metric 1: True; 0: False; TP: True +Ve; FP: False +Ve FN: False –Ve; TN: True –Ve. Actual 1 0 Predicted 1 TP FP 0 FN TN Accuracy of the module is calculated by the following formula- Accuracy = (TP + TN) / (TP + FP + FN + TN) 4.3 Classification and Annotation Convolutional Neural Network is used for classification and one can explore its working process through Fig -5. Self- generated input data has been passed for various CNN layers like convolutional layer, pooling layer and fully connected layer. Each layer has its own features to extract some knowledge for input image. This work is identifying all semantic objects in background/ foreground in image and Fig -5: CNN Layers for input image. based on identified objects, model is recognizing it with various existing features to annotate and nameit.Fig-6(Self- generated data) and Fig -7 (CIFAR-10 Dataset) tells everything about output of this module. In Fig -6, A sports ball and a baby (person) can be manually visualize in input image and model is classifying it accurately and annotating perfectly. In Fig -7, A train and a pole can be manually visualized but this module is identifying semantic object as train and annotating it. Fig -6: Classification of Objects and Annotating it for Self- Generated Data. Fig -7: Classification of Objects and Annotating it for CIFAR-10 Dataset. 4.4 Work Comparison Develop model has been tested on various existing standard datasets as well as on self-generated benchmark datasets. Accuracy of the model for some of standard datasets like CIFAR-10, CIFAR-100 and self -created datasetaretabulated in Table -2. Its performance is 98.78% for benchmark self- created data and 96.78% for CIFAR-10 & 84.96% for CIFAR- 100 datasets are recorded. Performance of some standard model in the field of classification like DenseNet and Drop- Activation has been tabulated for the same dataset. Both model almost performing same over CIFAR-10 but in caseof CIFAR-100 Drop-Activation model is littlebitbetterclassifier in compare to DenseNet model. Table -2: Result Obtained from Different Model Model Dataset Accuracy (%) DenseNet CIFAR-10 96.54 CIFAR-100 82.82 Drop-Activation CIFAR-10 96.55 CIFAR-100 83.80 Proposed Approach CIFAR-10 96.78 CIFAR-100 84.96 Self-Created 98.78 5. CONCLUSIONS This work has given an insight into image annotation and classification using deep neural networks. As deep learning applications to image classification are integral part of machine learning that shows the power of artificial intelligence. Such deep learning techniquesareusedtosolve complex problems as human brain does automatically. Here we have used CNN techniques along with Leaky ReLU activation function to train the model. Training has been done using forward propagation as well as backward propagation for many epochs. Model has been trained and tested over datasets like COCO, CIFAR-10, CIFAR-100 and other benchmark datasets. We used precision and recall metric to find the accuracy of the model. Results for classification and annotations can also be visually seen and
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1107 assess the accuracy of our model. Proposed work has been compared with various latest work done in this area, few of them are like- DenseNet, Drop-Activation, etc. Finally, we assure about our model that, its performanceis with98.78% accuracy for benchmark self-created data, 96.78% for CIFAR-10 and 84.96% for CIFAR-100 datasets. We are carrying forward this work with high hope and huge expectation for optimal accuracy using combined deep learning techniques CNN and RNN. REFERENCES [1] Rawat, Waseem, and Zenghui Wang. "Deep convolutional neural networks for image classification: A comprehensive review." Neural computation 29.9 (2017): 2352-2449. [2] Kumar, Gaurav, and Pradeep Kumar Bhatia. "A detailed review of feature extraction in image processing systems." 2014 Fourth international conference on advanced computing & communication technologies. IEEE, 2014. [3] Ojha, Utkarsh, Utsav Adhikari, and Dushyant Kumar Singh. "Image annotationusingdeeplearning:Areview." 2017 International ConferenceonIntelligentComputing and Control (I2C2). IEEE, 2017. [4] Pin Wang , En Fan , Peng Wang , ComparativeAnalysisof Image Classification Algorithms Based on Traditional Machine Learning and Deep Learning, Pattern Recognition Letters (2020). [5] Obaid, Kavi B., Subhi Zeebaree, and Omar M. Ahmed. "Deep learning models based on image classification: a review." International Journal of Science and Business 4.11 (2020): 75-81. [6] Rajnish K. Ranjan and Anupam Agrawal, "Video Summary Based on F-Sift, Tamura Textural and Middle level Semantic Feature," Procedia Computer Science, 12th International Conference on Image and Signal Processing 2016, Volume 89, pp. 870-876. [7] Sudharshan, Duth P., and SwathiRaj."Object recognition in images using convolutional neural network." 2018 2nd International Conference on Inventive Systemsand Control (ICISC). IEEE, 2018. [8] Abu, Mohd Azlan, et al. "A study on Image Classification based on Deep Learning and Tensorflow." Int.J.Eng.Res. Technol 12.4 (2019): 563-569. [9] Shorten, Connor, and Taghi M. Khoshgoftaar. "A survey on image data augmentation for deep learning." Journal of big data 6.1 (2019): 1-48. [10] Sun, Yanan, et al. "Evolving deep convolutional neural networks for image classification." IEEETransactionson Evolutionary Computation 24.2 (2019): 394-407. [11] Bhawsar Y., Ranjan R.K. (2021) Link Prediction Computational Models: A Comparative Study.In: Tomar R.S. et al. (eds) Communication, Networks and Computing. CNC 2020. Communications in Computer and Information Science, vol 1502. Springer, Singapore. [12] Aa, Vasuki, and Govindaraju Sb. "Deep neural networks for image classification." Deep Learning for Image Processing Applications 31 (2017): 27. [13] Murthy, Venkatesh N., Subhransu Maji, and R. Manmatha. "Automatic image annotation using deep learning representations." Proceedings of the 5th ACM on International Conference on Multimedia Retrieval. 2015. [14] Ranjan R.K., Bhawsar Y., Aman A. (2021) Video Summary Based on Visual and Mid-level Semantic Features. In: Tomar R.S. et al. (eds) Communication, Networks and Computing. CNC 2020. Communications in Computer and Information Science, vol 1502. Springer, Singapore. BIOGRAPHIES Amrita Aman is a M.Tech candidate in the Department of Computer ScienceandEngineering at TITA Bhopal. She graduated in CSE (HIT-K) in 2013 and served as an Assistant Manager in Bank of Baroda for 4 years (2015-2019). Rajnish K Ranjan has master’s degree in Computer Sc. & Engineering from IIIT Allahabad (2016). He is currently Lecturer in GWPC Bhopal in Department of Computer Science & Engineering and Pursuing Ph.D. from LNCTU, Bhopal. His research area is MachineLearning(DeepLearning), Internet of Things (IoT) and Computer Vision. Prashant Richhariya worked as an Assistant Professor in TITA Bhopal. He is having an experience of 18 years in Teaching. His research area is computer vision, image processing, Data mining. He is having total 5 patient, 18 research papers. Dr. Anita Soni is Professor in Department of CS (TIT-Advance). She has more than 15 years of teaching and research experience. She has 3 Patient, 3 Book Chapters and 15 Research Paper.