SlideShare a Scribd company logo
1 of 6
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 546
From Pixels to Understanding: Deep Learning's Impact on Image
Classification and Recognition
Kush Mehta1 , Venu Chaudhari2
1Student, Computer Engineering, K.J. Somaiya Institute of Technology, Sion, India
2Student, Computer Engineering, K.J. Somaiya Institute of Technology, Sion, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - This paper discusses the crucial role that
machine learning, and particularly deep learning, play
in artificial intelligence. It emphasizes the importance
of deep learning for classifying and identifying photos.
The study compares deep learning progress to that of
traditional machine learning methods. Other deep
learning network topologies are addressed in depth,
including deep belief networks, convolutional neural
networks, and recursive neural networks. The
application of deep learning for image recognition and
classification is explained, along with issues and
solutions. The paper's conclusion summarizes and
projects the current state of deep learning for image
recognition and classification. Overall, deep learning
has shown exceptional performance in tasks like photo
categorization and has great potential for improving
image recognition in computer vision thanks to its
neural network simulation of the human brain.
Key Words: Deep Learning, Computer vision, Artificial
Intelligence, Image Recognition and Classification
1.INTRODUCTION
A significant number of photos are produced in every field
every day due to the expanding variety of image capture
equipment and the ongoing technological maturation of
image processing, which causes the images to exist in a
vast form [1]. A significant area of study in the field of
computer vision is image classification. To achieve the goal
of identifying various categories of images, an image
classification algorithm organizes the features taken from
the original image. Artificial intelligence is widely used in
many facets of society, which not only raises the degree of
industrial modernization and intelligence but also
significantly enhances the quality of life for people [2].
Many unlabeled picture data flow onto the network as a
result of the development of Internet technology, and deep
learning algorithms may extract abstract feature
representation from these unlabeled data by utilizing
multi-layer nonlinear transformation for image
classification. Deep learning is an essential part of machine
learning and has a significant impact on the advancement
of contemporary artificial intelligence. Deep learning is
being used to classify images more accurately, and in
certain cases, its performance is even better than that of
humans. The massive volume of calculations is what
allows for an improvement in accuracy. The amount of
computation required by the training network likewise
dramatically increases as the number of layers and the
number of nodes in each layer grows.
Strengthening the research on image recognition
technology is essential for the advancement of artificial
intelligence and computer vision, and deep learning is a
key technical tool in the field of image recognition with a
wide range of application possibilities. Deep learning, in its
simplest form, is a technology that simulates and analyzes
the human brain through the creation of deep neural
networks, or that learns and interprets pertinent data by
imitating the human brain. After examining,
comprehending, and processing connected images, image
recognition is a technology that can identify distinct
patterns of objects and targets. Traditional picture
classification techniques, such those relying on manual
annotation and key point description, are not only tedious
and time-consuming, but they are also significantly
influenced by subjective human variables, which results in
low classification accuracy. The multi feature fusion and
deep learning-based image classification algorithm can
produce more effective image classification results. Images
now play a significant role in how people receive and send
information since they are vital information carriers. It is
crucial to locate the users' required photos quickly
because, for big photographs, the number of images that
each user actually needs is quite low. For quick and
efficient extraction and analysis of image semantic
information, an efficient deep learning technique has
significant scientific significance. The goal of this work is
to further improve the application effect of deep learning
so that it can play a bigger role in the field of picture
recognition. It does this by analyzing the research and
applications of deep learning in image recognition.
2.TYPICAL DEEP LEARNING NETWORK
STRUCTURE
2.1 Deep Belief Network
Deep belief networks, one of the most used frameworks
for deep learning algorithms, were first presented by
Geoffrey Hinton in 2006. Several layers of restricted
boltzmann machines are built on top of one another to
create a deep belief network by using the hidden layer of
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 547
the previous layer as the visible layer of the subsequent
layer. Two layers make up the Boltzmann machine model.
The upper layer is the hidden layer, and the lower layer is
the layer that is visible. Bi-directional connections link the
two layers
Fig. 1. Deep Neural Network[2]
together. There is no connection between neurons in the
same layer, yet there is connectivity between all neurons
in neighboring layers. The main goal of RBM training is to
identify the probability distribution that has the highest
probability for a training sample. Through RBM training,
we discover the ideal weight. when pre-training, stack the
RBM in a subsequent manner. Specifically, when RBM1 has
been trained, the hidden layer of RBM1 is employed as the
visible layer of RBM2 to train RBM2. After RBM2 has been
trained, RBM3 is trained using the visible layer of RBM3's
hidden layer. Afterward, conditional probability is used for
back propagation, the weights and bias values of the
neurons are changed, and global fine-tuning is performed
to create a neural network and deep belief network that
learns through probability size. View Fig. 1. Given their
great degree of flexibility and ease of growth, deep
confidence networks are frequently utilized in picture
identification and classification.
2.2 Convolutional Neural Network
A feedforward neural network called a convolutional
neural network uses the convolution calculation method
and has a deep structure. One of the most significant deep
learning algorithms, it is also. In the area of image
identification and classification, convolutional neural
networks are a popular research topic. The three main
components of a convolutional neural network are the
local sensor field, weight sharing, and pooling layer. As
part of the image recognition and processing process,
feature differentiation is simulated using a convolution
layer, and the number of weights is decreased using a
network structure that allows for weight sharing and
pooling. This reduces the complexity of image feature
extraction and data reconstruction. Fully connected neural
networks, which can
Fig. 2. Convolutional neural network
connect all of the neurons in the upper and lower layers,
and must process a large number of parameters while
processing high-pixel images. The convolution neural
network uses a sparse connection technique and a weight-
sharing network structure with a "convolution kernel"
acting as an intermediary, drastically lowering the number
of parameters from the picture input layer to the hidden
layer. Convolution layer, pooling layer, and full connection
layer make up the fundamental structure of a
convolutional neural network. To extract features layer by
layer, the convolutional layer and pooling layer use
numerous coil units. The final full connection layer
completes picture categorization. The convolution kernel,
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 548
which has been trained, is employed as a filter in the
image classification process to filter each small part of the
picture and determine its eigenvalues. The size of the
convolution kernel is a restriction, thus the final image is
still rather big. We now need to pool the image, or sample
down, so lowering the data dimension. In Fig. 2, the deep
learning convolutional neural network's training
procedure is displayed.
Training is broken down into two stages: forward
propagation and back propagation. First, the network's
weights are set, and the input image data that has to be
processed is convolved with the convolution kernel to
create a local sensor field. The output of the convolution
layer is then attained through the activation function and
convolution algorithm.
2.3 Recurrent Neural Networks
One of the deep learning techniques is the recursive neural
network, which has a hierarchical structure like a tree. The
network nodes in this artificial neural network iteratively
process an entire sequence of input in the order of their
connections.
Fig. 3. Recurrent neural network[1][2]
Its network structure is shown in Figure 3. The output
layer, hidden layer, and hidden layer with a closed loop
are constructed on top of the conventional input layer. It is
evident that the input to the buried layer is a summary of
its prior memories and other input. Recursive neural
networks include both a temporal and a structural
recursive neural network. While the neurons of a temporal
recursive neural network are connected to generate a
directed graph, those of a structural recursive neural
network are replicated using a similar neural network
topology to produce a more complex neural network.
Recurrent neural networks can be trained using
theoretical frameworks for both supervised and
unsupervised learning. When supervised learning is taking
place, the weights are updated using the back propagation
process. A recursive neural network is utilized for
unsupervised learning to learn structural information
features. The primary difference between feedforward and
recurrent neural networks is that recurrent neural
networks contain a specific "memory" in comparison to
feedforward neural networks. This has the advantage of
processing input data that is obviously relevant to the
context and handling the input that isn't necessarily long.
It requires a lot of the training parameters and lacks the
typical ability to learn new things.
3.APPLICATION OF DEEP LEARNING IN IMAGE
CLASSIFICATION AND RECOGNITION
3.1 Image Recognition
Image preprocessing, image feature extraction, picture
category labeling, and image classifier design are only a
few of the technologies used in image classification, all of
which have an impact on the results. During RBM training,
the network model converges more and more as training
times are prolonged.
When the error rate declines, it shows that the current
learning rate is more appropriate. If the learning rate is
arbitrarily increased, the error may increase once more
and the network may oscillate. If remote sensing photos
can be classified using deep learning technology, creating
the deep learning model rationally and employing the
right optimization method may considerably improve the
classification result. In the operation of image
classification methods based on deep learning algorithms,
there are many significant technologies, but features and
classifiers are the most important. For large-scale photos,
the SVM's classification effect is poor, and it doesn't
always seem to be able to classify images accurately. Built
on the framework of traditional neural networks, the deep
learning algorithm is a revolutionary type of machine
learning algorithm. It has a wide range of applications in
speech recognition, biological data, and other areas and
has the capacity to learn massive volumes of data through
multilevel networks and speed up modeling. The weight
update mechanism takes into account inertia, which gives
the RBM model exceptional local mining ability with a
reduced weight in the latter stages and excellent global
search ability in the early stages.
The error increment is introduced to reduce the effect of
error increment on learning rate, and the error control
factor is employed to adaptively alter the attenuation rate
of learning rate in each iteration. The inertia factor is set
simultaneously. Large inertia weight is used early in the
algorithm to have strong global search ability, and small
weight is used later to have good local mining ability,
which improves the convergence speed and stability of
RBM training. In a real-world application, the stacked
automated encoder runs layer by layer, with a unique
method for processing and expressing data in each layer.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 549
Data preparation is made feasible by studying and
compiling the features of the data that these variances
result in. Currently, ImageNet categorization is becoming
more and more important for deep learning, and AlexNet
has established itself as a network structure. Compared to
the traditional convolution network, this network
structure provides many benefits. In order to achieve
sparse neuron output and reduce processing costs,
AlexNet is useful. Also, Recursive neural networks include
both a structural recursive neural network.
3.2 Image Classification
Global features and local features are the two categories of
features that are employed in picture categorization the
most. The general qualities of an image include things like
structure, color, and texture. The range of applications for
image recognition technology has expanded further with
the rapid development of modern civilization, and it is
now widely used in the transportation industry. With the
help of lane departure warning, license plate
identification, and traffic sign recognition, this kind of
image recognition technology for traffic also makes it
easier for people to travel. The color of the image's surface
acts to describe the color feature. The histogram approach
uses this global feature as the cornerstone for classifying
images, but because it's difficult for an image feature to
gather enough local data on its own, it needs to be
combined with other features. Deep learning has been
successfully employed in video image analysis, albeit being
in its early stages. Since the required deep learning model
is available on ImageNet, it is straightforward to
characterize video static images using deep learning.
When examining the extreme speed learning machine with
class limitations, distributed expression features are
examined. In this case, the data can be dispersed across
many geographical domains and, by feature combination,
a distributed expression—a feature expression with
discriminatory information—can be produced. A weak
classification impact is produced as a result of the
insufficient characterization power of underlying features.
Feature extraction is necessary to accurately classify
images.
The deep learning algorithm has the highest accuracy in
image classification, and the results are very stable, in
large part because of the generalized regression neural
network algorithm's capacity to distinguish between
various categories of image classification and precisely
describe the mapping relationship between input feature
vectors for image classification and image categories. Deep
learning can be used to build a moving picture recognition
model, which will improve the efficiency of the moving
image identification process. The technical standard for
athletes' training may also be raised by using this strategy.
Deep learning is now used for quite sophisticated levels of
image classification and recognition. Rock features can be
retrieved with the use of a model, which will enable
intelligent categorization and increase the accuracy of the
image findings. Examining how deep learning is applied to
picture identification might advance research in related
fields. This positively affects both the development of
linked fields and the effective usage of various
technologies.
4.PROBLEMS AND SOLUTIONS
A number of challenges that need our notice and debate
have arisen as a result of the widespread usage of deep
learning-based picture identification and classification in
computer vision. These issues include an increase in the
volume and complexity of the data that must be handled.
4.1 Fall into Local Optimization
Exploring the problem of local optimization from several
perspectives is made straightforward by the use of a
multi-layer neural network. When executing gradient
descent, as seen in Fig. 4, for instance. Of course, D is
where the function's minimum occurs, and B, F, and H are
all local minima. We are shackled to local optimization if
we are unable to locate D and halt once we find B. The
saddle point problem also applies to multidimensional
space in addition to local optimization. When trained with
sparse input, deep level networks usually perform worse
than shallow level networks when caught in local
optimization. To prevent slipping into the local ideal
condition, weights can be initialized, and different
beginning weights can be used for training. The impulse is
set up to be able to cross some locally optimal conditions
by using stochastic gradient descent rather than true
gradient descent or simulated annealing. These methods
only marginally reduce the chance of falling victim to local
optimization, which restricts the development of deep
structure and calls for greater investigation and study of
more potent methods.
Fig. 4. Gradient Descent Method[2]
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 550
4.2 Gradient Disappearance Problem
The gradient disappears primarily due to the incorrect
activation function selection. For deep learning,
particularly the back propagation method, there are too
many network levels. The error from the output layer may
begin to decay if we employ a sigmoid function or similar
function with a chain derivative. The training of the lower
fundamental layers may be less successful if there are also
extra back layers, which will impact the network's ability
to operate regularly. The gradient disappearing issue has
found effective solutions. The ReLu function can
successfully prevent the gradient disappearance problem
for the CNN network. LSTM also resolves the gradient
vanishing problem for RNN networks.
4.3 Overfitting Problem
In spite of excelling in the training sample, a deep learning
model overfits when it performs badly on the test sample.
This problem arises when there are not enough training
samples in relation to the complexity of the model to
sufficiently train the model. The traits of the training
sample and the test sample are different from one another.
Either there is too much noise in the training sample or
there have been too many training sessions. As a result,
when the trained model is tested with a sample input, it is
unable to accurately match input and output since it still
exhibits the characteristics of the noise. Given the
aforementioned problems, we can increase the number of
training samples by simplifying the model while
decreasing the number of training samples by reducing
the loss function, batch loss, etc. If the training sample has
too much noise, we can utilize the pretreatment strategy
to reduce the quantity of noise.
If over-fitting is a result of insufficient training samples,
we can increase the number of samples by rotating,
scaling, cutting, and performing other operations on the
picture samples. This will reduce the frequency of over-
fitting.
5. CONCLUSIONS
The investigation of deep learning's application to image
identification can advance research in related areas, and it
has a very positive influence on the growth of those
industries as well as the effective application of various
technologies. This paper looks at deep learning in general,
analyzes the issues this technology has with categorizing
images, and makes some recommendations for practical
applications. The aforementioned positioning and rotation
operations gave the database-stored images translation
and rotation invariance. Scale invariance still does not
appear in these images, according to established image
processing theory. The extended regression neural
network of the deep learning algorithm is introduced to
produce an image classifier as part of a deep learning-
based image classification approach that is proposed. The
high likelihood of misclassification, one problem with the
present picture classification process, is something that
our deep learning approach tries to remedy. The
classification effect is poor due to the inadequate
characterization power of underlying features. Feature
extraction is necessary for accurate image classification.
The redundant and complementary information is taken
out of the multi-feature description of the image in order
to improve the image classification effect. Deepening
current research in related disciplines through the study
of deep learning's application to image recognition can
have a very positive effect on the effective use of various
technologies and the expansion of related fields.
6. REFERENCES
[1] J. V. Rissati, P. C. Molina, C. S. Anjos, “Hyperspectral
image classification using Random Forest and Deep
Learning Algorithm ”,2002 3rd International Conference
on Computer Vision, Image and Deep Learning and
International Conference on Computer Engineering and
Applications,May 2022
[2] Dong Yu-nan, Liang Guang-sheng, “Research and
Discussion on Image Recognition and Classification
Algorithm Based on Deep Learning”,2021 IEEE Asia-
Pacific Conference on Image Processing, Electronics and
Computers (IPEC), June 2019
[3] Zhiping Wang, Cundong Tang, Xiuxiu Sima, Lingxiao
Zhang, ”Research on Application of Deep Learning
Algorithm in Image Classification”,2021 IEEE Asia-Pacific
Conference on Image Processing, Electronics and
Computers, April 2021
[4] Zhongnan Zhao, ”Research on single-character image
classification of Tibetan ancient books based on deep
learning”, February 2022
[5] Shivam Aggarwal, Ashok Kumar Sahoo, Chetan Bansal,
”Image Classification using Deep Learning: A Comparative
Study of VGG-16, InceptionV3 and EfficientNet B7 Models”,
2023 3rd International Conference on Advance Computing
and Innovative Technologies in Engineering, July 2023
[6] Zhongling Huang, Mihai Datcu, Zongxu Pan, Bin Lei, “A
Hybrid and Explainable Deep Learning Framework for
SAR Images”, February 2021
[7] Raj Gaurang Tiwari; Alok Misra; Neha Ujjwal,”Image
Embedding and Classification using Pre-Trained Deep
Learning Architectures”, 2022 8th International
Conference on Signal Processing and Communication,
January 2023
[8] Yu-nan Dong, Guang-sheng Liang,”Research and
Discussion on Image Recognition and Classification
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 551
Algorithm Based on Deep Learning”,2019 International
Conference on Machine Learning, Big Data and Business
Intelligence, November 2019
[9] Tianyuan Yue, ”Deep Learning Based Image Semantic
Feature Analysis and Image Classification Techniques and
Models”,2022 International Conference on Data Analytics,
Computing and Artificial Intelligence, December 2022
[10] Yanping Zhang,”Improved Leaf Image Classification
Using Topological Features and CNN With Attention
Module”,2021 6th International Conference on Signal and
Image Processing, December 2021
[11] Pallavi Ranjan, Ashish Girdhar, ”A Comparison of
Deep Learning Algorithms Dealing With Limited Samples
in Hyperspectral Image Classification”,2022 OPJU
International Technology Conference on Emerging
Technologies for Sustainable Development, February 2023
[12] Konstantinos Makantasis, Konstantinos Karantzalos,
Anastasios Doulamis, Nikolaos Doulamis,”Deep Supervised
Learning For Hyperspectral Data Classification Through
Convolutional Neural Networks”, 2015 IEEE International
Geoscience and Remote Sensing Symposium, November
2015
[13] Deepak Upadhyay, Mridul Gupta, Aditya Verma,
Saksham Mittal,”A Comparative Study on the Effectiveness
of Various Machine Learning Paradigms in Image
Recognition and Predictive Modelling”,2023 International
Conference on Device Intelligence, Computing and
Communication Technologies, (DICCT), November, 2023
[14] Erdal TaSci, Aybars Ugur, ”Image classification using
ensemble algorithms with deep learning and hand-crafted
features”,2018 26th Signal Processing and
Communications Applications Conference, July 2018
[15] Hengjie Zhu, Xuyao Wang, Renxing Chen,”Deep
Learning Algorithm Based Remote Sensing Image
Classification Research”,2023 IEEE 3rd International
Conference on Electronic Technology, Communication and
Information (ICETCI), May 2023
[16] Paulchamy B, K.Maharajan, Ramya
Srikanteswara,”Deep Learning Based Image Classification
Using SmallVGG Net Architecture”,2022 IEEE 2nd Mysore
Sub Section International Conference, December 2022
[17] Abebaw Alem, Shailender Kumar,”Deep Learning
Models Performance Evaluations for Remote Sensed
Image Classification”, August 2022
[18] Florin C. Ghesu, Edward Krubasik, Bogdan Georgescu,
Vivek Singh,”Marginal Space Deep Learning: Efficient
Architecture for Volumetric Image Parsing”,IEEE
Transactions on Medical Imaging, Vol. 35, No.5, May 2016
[19] El Abassi Fouzia, Darouichi Aziz, Ouaarab
Aziz,”Images Segmentation using Deep Learning
Algorithms and Metaheuristics”,2022 8th International
Conference on Optimization and Applications, October
2022
[20] Atul Sharmaa,Gurbaksh Phonsa,”Image Classification
Using CNN”,International Conference On Innovative
Computing and Communication(ICICI 2021), April 2021

More Related Content

Similar to From Pixels to Understanding: Deep Learning's Impact on Image Classification and Recognition

IMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUESIMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUESIRJET Journal
 
Image Compression and Reconstruction Using Artificial Neural Network
Image Compression and Reconstruction Using Artificial Neural NetworkImage Compression and Reconstruction Using Artificial Neural Network
Image Compression and Reconstruction Using Artificial Neural NetworkIRJET 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
 
Image Classification and Annotation Using Deep Learning
Image Classification and Annotation Using Deep LearningImage Classification and Annotation Using Deep Learning
Image Classification and Annotation Using Deep LearningIRJET Journal
 
Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingIRJET Journal
 
IRJET- Significant Neural Networks for Classification of Product Images
IRJET- Significant Neural Networks for Classification of Product ImagesIRJET- Significant Neural Networks for Classification of Product Images
IRJET- Significant Neural Networks for Classification of Product ImagesIRJET Journal
 
IRJET- A Vision based Hand Gesture Recognition System using Convolutional...
IRJET-  	  A Vision based Hand Gesture Recognition System using Convolutional...IRJET-  	  A Vision based Hand Gesture Recognition System using Convolutional...
IRJET- A Vision based Hand Gesture Recognition System using Convolutional...IRJET Journal
 
Object Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNetObject Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNetIRJET Journal
 
Machine learning based augmented reality for improved learning application th...
Machine learning based augmented reality for improved learning application th...Machine learning based augmented reality for improved learning application th...
Machine learning based augmented reality for improved learning application th...IJECEIAES
 
DEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONDEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONIRJET 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
 
IRJET- Low Light Image Enhancement using Convolutional Neural Network
IRJET-  	  Low Light Image Enhancement using Convolutional Neural NetworkIRJET-  	  Low Light Image Enhancement using Convolutional Neural Network
IRJET- Low Light Image Enhancement using Convolutional Neural NetworkIRJET Journal
 
Object and Currency Detection for the Visually Impaired
Object and Currency Detection for the Visually ImpairedObject and Currency Detection for the Visually Impaired
Object and Currency Detection for the Visually ImpairedIRJET Journal
 
Image Forgery Detection Methods- A Review
Image Forgery Detection Methods- A ReviewImage Forgery Detection Methods- A Review
Image Forgery Detection Methods- A ReviewIRJET Journal
 
Satellite Image Classification with Deep Learning Survey
Satellite Image Classification with Deep Learning SurveySatellite Image Classification with Deep Learning Survey
Satellite Image Classification with Deep Learning Surveyijtsrd
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkIRJET Journal
 
IRJET - Deep Learning Applications and Frameworks – A Review
IRJET -  	  Deep Learning Applications and Frameworks – A ReviewIRJET -  	  Deep Learning Applications and Frameworks – A Review
IRJET - Deep Learning Applications and Frameworks – A ReviewIRJET Journal
 
Image Processing Compression and Reconstruction by Using New Approach Artific...
Image Processing Compression and Reconstruction by Using New Approach Artific...Image Processing Compression and Reconstruction by Using New Approach Artific...
Image Processing Compression and Reconstruction by Using New Approach Artific...CSCJournals
 

Similar to From Pixels to Understanding: Deep Learning's Impact on Image Classification and Recognition (20)

IMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUESIMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUES
 
Image Compression and Reconstruction Using Artificial Neural Network
Image Compression and Reconstruction Using Artificial Neural NetworkImage Compression and Reconstruction Using Artificial Neural Network
Image Compression and Reconstruction Using Artificial Neural Network
 
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...
 
Image Classification and Annotation Using Deep Learning
Image Classification and Annotation Using Deep LearningImage Classification and Annotation Using Deep Learning
Image Classification and Annotation 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- Significant Neural Networks for Classification of Product Images
IRJET- Significant Neural Networks for Classification of Product ImagesIRJET- Significant Neural Networks for Classification of Product Images
IRJET- Significant Neural Networks for Classification of Product Images
 
IRJET- A Vision based Hand Gesture Recognition System using Convolutional...
IRJET-  	  A Vision based Hand Gesture Recognition System using Convolutional...IRJET-  	  A Vision based Hand Gesture Recognition System using Convolutional...
IRJET- A Vision based Hand Gesture Recognition System using Convolutional...
 
Object Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNetObject Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNet
 
Machine learning based augmented reality for improved learning application th...
Machine learning based augmented reality for improved learning application th...Machine learning based augmented reality for improved learning application th...
Machine learning based augmented reality for improved learning application th...
 
DEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONDEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTION
 
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- Low Light Image Enhancement using Convolutional Neural Network
IRJET-  	  Low Light Image Enhancement using Convolutional Neural NetworkIRJET-  	  Low Light Image Enhancement using Convolutional Neural Network
IRJET- Low Light Image Enhancement using Convolutional Neural Network
 
Object and Currency Detection for the Visually Impaired
Object and Currency Detection for the Visually ImpairedObject and Currency Detection for the Visually Impaired
Object and Currency Detection for the Visually Impaired
 
Image Forgery Detection Methods- A Review
Image Forgery Detection Methods- A ReviewImage Forgery Detection Methods- A Review
Image Forgery Detection Methods- A Review
 
Satellite Image Classification with Deep Learning Survey
Satellite Image Classification with Deep Learning SurveySatellite Image Classification with Deep Learning Survey
Satellite Image Classification with Deep Learning Survey
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural Network
 
IRJET - Deep Learning Applications and Frameworks – A Review
IRJET -  	  Deep Learning Applications and Frameworks – A ReviewIRJET -  	  Deep Learning Applications and Frameworks – A Review
IRJET - Deep Learning Applications and Frameworks – A Review
 
Image Processing Compression and Reconstruction by Using New Approach Artific...
Image Processing Compression and Reconstruction by Using New Approach Artific...Image Processing Compression and Reconstruction by Using New Approach Artific...
Image Processing Compression and Reconstruction by Using New Approach Artific...
 

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

High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
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
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and usesDevarapalliHaritha
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024Mark Billinghurst
 
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdfCCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdfAsst.prof M.Gokilavani
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerStudy on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerAnamika Sarkar
 
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
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escortsranjana rawat
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionDr.Costas Sachpazis
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.eptoze12
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 
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
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 
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
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 

Recently uploaded (20)

High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
 
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
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and uses
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024
 
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdfCCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
 
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
 
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerStudy on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
 
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
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
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
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 
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
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 

From Pixels to Understanding: Deep Learning's Impact on Image Classification and Recognition

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 546 From Pixels to Understanding: Deep Learning's Impact on Image Classification and Recognition Kush Mehta1 , Venu Chaudhari2 1Student, Computer Engineering, K.J. Somaiya Institute of Technology, Sion, India 2Student, Computer Engineering, K.J. Somaiya Institute of Technology, Sion, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - This paper discusses the crucial role that machine learning, and particularly deep learning, play in artificial intelligence. It emphasizes the importance of deep learning for classifying and identifying photos. The study compares deep learning progress to that of traditional machine learning methods. Other deep learning network topologies are addressed in depth, including deep belief networks, convolutional neural networks, and recursive neural networks. The application of deep learning for image recognition and classification is explained, along with issues and solutions. The paper's conclusion summarizes and projects the current state of deep learning for image recognition and classification. Overall, deep learning has shown exceptional performance in tasks like photo categorization and has great potential for improving image recognition in computer vision thanks to its neural network simulation of the human brain. Key Words: Deep Learning, Computer vision, Artificial Intelligence, Image Recognition and Classification 1.INTRODUCTION A significant number of photos are produced in every field every day due to the expanding variety of image capture equipment and the ongoing technological maturation of image processing, which causes the images to exist in a vast form [1]. A significant area of study in the field of computer vision is image classification. To achieve the goal of identifying various categories of images, an image classification algorithm organizes the features taken from the original image. Artificial intelligence is widely used in many facets of society, which not only raises the degree of industrial modernization and intelligence but also significantly enhances the quality of life for people [2]. Many unlabeled picture data flow onto the network as a result of the development of Internet technology, and deep learning algorithms may extract abstract feature representation from these unlabeled data by utilizing multi-layer nonlinear transformation for image classification. Deep learning is an essential part of machine learning and has a significant impact on the advancement of contemporary artificial intelligence. Deep learning is being used to classify images more accurately, and in certain cases, its performance is even better than that of humans. The massive volume of calculations is what allows for an improvement in accuracy. The amount of computation required by the training network likewise dramatically increases as the number of layers and the number of nodes in each layer grows. Strengthening the research on image recognition technology is essential for the advancement of artificial intelligence and computer vision, and deep learning is a key technical tool in the field of image recognition with a wide range of application possibilities. Deep learning, in its simplest form, is a technology that simulates and analyzes the human brain through the creation of deep neural networks, or that learns and interprets pertinent data by imitating the human brain. After examining, comprehending, and processing connected images, image recognition is a technology that can identify distinct patterns of objects and targets. Traditional picture classification techniques, such those relying on manual annotation and key point description, are not only tedious and time-consuming, but they are also significantly influenced by subjective human variables, which results in low classification accuracy. The multi feature fusion and deep learning-based image classification algorithm can produce more effective image classification results. Images now play a significant role in how people receive and send information since they are vital information carriers. It is crucial to locate the users' required photos quickly because, for big photographs, the number of images that each user actually needs is quite low. For quick and efficient extraction and analysis of image semantic information, an efficient deep learning technique has significant scientific significance. The goal of this work is to further improve the application effect of deep learning so that it can play a bigger role in the field of picture recognition. It does this by analyzing the research and applications of deep learning in image recognition. 2.TYPICAL DEEP LEARNING NETWORK STRUCTURE 2.1 Deep Belief Network Deep belief networks, one of the most used frameworks for deep learning algorithms, were first presented by Geoffrey Hinton in 2006. Several layers of restricted boltzmann machines are built on top of one another to create a deep belief network by using the hidden layer of
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 547 the previous layer as the visible layer of the subsequent layer. Two layers make up the Boltzmann machine model. The upper layer is the hidden layer, and the lower layer is the layer that is visible. Bi-directional connections link the two layers Fig. 1. Deep Neural Network[2] together. There is no connection between neurons in the same layer, yet there is connectivity between all neurons in neighboring layers. The main goal of RBM training is to identify the probability distribution that has the highest probability for a training sample. Through RBM training, we discover the ideal weight. when pre-training, stack the RBM in a subsequent manner. Specifically, when RBM1 has been trained, the hidden layer of RBM1 is employed as the visible layer of RBM2 to train RBM2. After RBM2 has been trained, RBM3 is trained using the visible layer of RBM3's hidden layer. Afterward, conditional probability is used for back propagation, the weights and bias values of the neurons are changed, and global fine-tuning is performed to create a neural network and deep belief network that learns through probability size. View Fig. 1. Given their great degree of flexibility and ease of growth, deep confidence networks are frequently utilized in picture identification and classification. 2.2 Convolutional Neural Network A feedforward neural network called a convolutional neural network uses the convolution calculation method and has a deep structure. One of the most significant deep learning algorithms, it is also. In the area of image identification and classification, convolutional neural networks are a popular research topic. The three main components of a convolutional neural network are the local sensor field, weight sharing, and pooling layer. As part of the image recognition and processing process, feature differentiation is simulated using a convolution layer, and the number of weights is decreased using a network structure that allows for weight sharing and pooling. This reduces the complexity of image feature extraction and data reconstruction. Fully connected neural networks, which can Fig. 2. Convolutional neural network connect all of the neurons in the upper and lower layers, and must process a large number of parameters while processing high-pixel images. The convolution neural network uses a sparse connection technique and a weight- sharing network structure with a "convolution kernel" acting as an intermediary, drastically lowering the number of parameters from the picture input layer to the hidden layer. Convolution layer, pooling layer, and full connection layer make up the fundamental structure of a convolutional neural network. To extract features layer by layer, the convolutional layer and pooling layer use numerous coil units. The final full connection layer completes picture categorization. The convolution kernel,
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 548 which has been trained, is employed as a filter in the image classification process to filter each small part of the picture and determine its eigenvalues. The size of the convolution kernel is a restriction, thus the final image is still rather big. We now need to pool the image, or sample down, so lowering the data dimension. In Fig. 2, the deep learning convolutional neural network's training procedure is displayed. Training is broken down into two stages: forward propagation and back propagation. First, the network's weights are set, and the input image data that has to be processed is convolved with the convolution kernel to create a local sensor field. The output of the convolution layer is then attained through the activation function and convolution algorithm. 2.3 Recurrent Neural Networks One of the deep learning techniques is the recursive neural network, which has a hierarchical structure like a tree. The network nodes in this artificial neural network iteratively process an entire sequence of input in the order of their connections. Fig. 3. Recurrent neural network[1][2] Its network structure is shown in Figure 3. The output layer, hidden layer, and hidden layer with a closed loop are constructed on top of the conventional input layer. It is evident that the input to the buried layer is a summary of its prior memories and other input. Recursive neural networks include both a temporal and a structural recursive neural network. While the neurons of a temporal recursive neural network are connected to generate a directed graph, those of a structural recursive neural network are replicated using a similar neural network topology to produce a more complex neural network. Recurrent neural networks can be trained using theoretical frameworks for both supervised and unsupervised learning. When supervised learning is taking place, the weights are updated using the back propagation process. A recursive neural network is utilized for unsupervised learning to learn structural information features. The primary difference between feedforward and recurrent neural networks is that recurrent neural networks contain a specific "memory" in comparison to feedforward neural networks. This has the advantage of processing input data that is obviously relevant to the context and handling the input that isn't necessarily long. It requires a lot of the training parameters and lacks the typical ability to learn new things. 3.APPLICATION OF DEEP LEARNING IN IMAGE CLASSIFICATION AND RECOGNITION 3.1 Image Recognition Image preprocessing, image feature extraction, picture category labeling, and image classifier design are only a few of the technologies used in image classification, all of which have an impact on the results. During RBM training, the network model converges more and more as training times are prolonged. When the error rate declines, it shows that the current learning rate is more appropriate. If the learning rate is arbitrarily increased, the error may increase once more and the network may oscillate. If remote sensing photos can be classified using deep learning technology, creating the deep learning model rationally and employing the right optimization method may considerably improve the classification result. In the operation of image classification methods based on deep learning algorithms, there are many significant technologies, but features and classifiers are the most important. For large-scale photos, the SVM's classification effect is poor, and it doesn't always seem to be able to classify images accurately. Built on the framework of traditional neural networks, the deep learning algorithm is a revolutionary type of machine learning algorithm. It has a wide range of applications in speech recognition, biological data, and other areas and has the capacity to learn massive volumes of data through multilevel networks and speed up modeling. The weight update mechanism takes into account inertia, which gives the RBM model exceptional local mining ability with a reduced weight in the latter stages and excellent global search ability in the early stages. The error increment is introduced to reduce the effect of error increment on learning rate, and the error control factor is employed to adaptively alter the attenuation rate of learning rate in each iteration. The inertia factor is set simultaneously. Large inertia weight is used early in the algorithm to have strong global search ability, and small weight is used later to have good local mining ability, which improves the convergence speed and stability of RBM training. In a real-world application, the stacked automated encoder runs layer by layer, with a unique method for processing and expressing data in each layer.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 549 Data preparation is made feasible by studying and compiling the features of the data that these variances result in. Currently, ImageNet categorization is becoming more and more important for deep learning, and AlexNet has established itself as a network structure. Compared to the traditional convolution network, this network structure provides many benefits. In order to achieve sparse neuron output and reduce processing costs, AlexNet is useful. Also, Recursive neural networks include both a structural recursive neural network. 3.2 Image Classification Global features and local features are the two categories of features that are employed in picture categorization the most. The general qualities of an image include things like structure, color, and texture. The range of applications for image recognition technology has expanded further with the rapid development of modern civilization, and it is now widely used in the transportation industry. With the help of lane departure warning, license plate identification, and traffic sign recognition, this kind of image recognition technology for traffic also makes it easier for people to travel. The color of the image's surface acts to describe the color feature. The histogram approach uses this global feature as the cornerstone for classifying images, but because it's difficult for an image feature to gather enough local data on its own, it needs to be combined with other features. Deep learning has been successfully employed in video image analysis, albeit being in its early stages. Since the required deep learning model is available on ImageNet, it is straightforward to characterize video static images using deep learning. When examining the extreme speed learning machine with class limitations, distributed expression features are examined. In this case, the data can be dispersed across many geographical domains and, by feature combination, a distributed expression—a feature expression with discriminatory information—can be produced. A weak classification impact is produced as a result of the insufficient characterization power of underlying features. Feature extraction is necessary to accurately classify images. The deep learning algorithm has the highest accuracy in image classification, and the results are very stable, in large part because of the generalized regression neural network algorithm's capacity to distinguish between various categories of image classification and precisely describe the mapping relationship between input feature vectors for image classification and image categories. Deep learning can be used to build a moving picture recognition model, which will improve the efficiency of the moving image identification process. The technical standard for athletes' training may also be raised by using this strategy. Deep learning is now used for quite sophisticated levels of image classification and recognition. Rock features can be retrieved with the use of a model, which will enable intelligent categorization and increase the accuracy of the image findings. Examining how deep learning is applied to picture identification might advance research in related fields. This positively affects both the development of linked fields and the effective usage of various technologies. 4.PROBLEMS AND SOLUTIONS A number of challenges that need our notice and debate have arisen as a result of the widespread usage of deep learning-based picture identification and classification in computer vision. These issues include an increase in the volume and complexity of the data that must be handled. 4.1 Fall into Local Optimization Exploring the problem of local optimization from several perspectives is made straightforward by the use of a multi-layer neural network. When executing gradient descent, as seen in Fig. 4, for instance. Of course, D is where the function's minimum occurs, and B, F, and H are all local minima. We are shackled to local optimization if we are unable to locate D and halt once we find B. The saddle point problem also applies to multidimensional space in addition to local optimization. When trained with sparse input, deep level networks usually perform worse than shallow level networks when caught in local optimization. To prevent slipping into the local ideal condition, weights can be initialized, and different beginning weights can be used for training. The impulse is set up to be able to cross some locally optimal conditions by using stochastic gradient descent rather than true gradient descent or simulated annealing. These methods only marginally reduce the chance of falling victim to local optimization, which restricts the development of deep structure and calls for greater investigation and study of more potent methods. Fig. 4. Gradient Descent Method[2]
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 550 4.2 Gradient Disappearance Problem The gradient disappears primarily due to the incorrect activation function selection. For deep learning, particularly the back propagation method, there are too many network levels. The error from the output layer may begin to decay if we employ a sigmoid function or similar function with a chain derivative. The training of the lower fundamental layers may be less successful if there are also extra back layers, which will impact the network's ability to operate regularly. The gradient disappearing issue has found effective solutions. The ReLu function can successfully prevent the gradient disappearance problem for the CNN network. LSTM also resolves the gradient vanishing problem for RNN networks. 4.3 Overfitting Problem In spite of excelling in the training sample, a deep learning model overfits when it performs badly on the test sample. This problem arises when there are not enough training samples in relation to the complexity of the model to sufficiently train the model. The traits of the training sample and the test sample are different from one another. Either there is too much noise in the training sample or there have been too many training sessions. As a result, when the trained model is tested with a sample input, it is unable to accurately match input and output since it still exhibits the characteristics of the noise. Given the aforementioned problems, we can increase the number of training samples by simplifying the model while decreasing the number of training samples by reducing the loss function, batch loss, etc. If the training sample has too much noise, we can utilize the pretreatment strategy to reduce the quantity of noise. If over-fitting is a result of insufficient training samples, we can increase the number of samples by rotating, scaling, cutting, and performing other operations on the picture samples. This will reduce the frequency of over- fitting. 5. CONCLUSIONS The investigation of deep learning's application to image identification can advance research in related areas, and it has a very positive influence on the growth of those industries as well as the effective application of various technologies. This paper looks at deep learning in general, analyzes the issues this technology has with categorizing images, and makes some recommendations for practical applications. The aforementioned positioning and rotation operations gave the database-stored images translation and rotation invariance. Scale invariance still does not appear in these images, according to established image processing theory. The extended regression neural network of the deep learning algorithm is introduced to produce an image classifier as part of a deep learning- based image classification approach that is proposed. The high likelihood of misclassification, one problem with the present picture classification process, is something that our deep learning approach tries to remedy. The classification effect is poor due to the inadequate characterization power of underlying features. Feature extraction is necessary for accurate image classification. The redundant and complementary information is taken out of the multi-feature description of the image in order to improve the image classification effect. Deepening current research in related disciplines through the study of deep learning's application to image recognition can have a very positive effect on the effective use of various technologies and the expansion of related fields. 6. REFERENCES [1] J. V. Rissati, P. C. Molina, C. S. Anjos, “Hyperspectral image classification using Random Forest and Deep Learning Algorithm ”,2002 3rd International Conference on Computer Vision, Image and Deep Learning and International Conference on Computer Engineering and Applications,May 2022 [2] Dong Yu-nan, Liang Guang-sheng, “Research and Discussion on Image Recognition and Classification Algorithm Based on Deep Learning”,2021 IEEE Asia- Pacific Conference on Image Processing, Electronics and Computers (IPEC), June 2019 [3] Zhiping Wang, Cundong Tang, Xiuxiu Sima, Lingxiao Zhang, ”Research on Application of Deep Learning Algorithm in Image Classification”,2021 IEEE Asia-Pacific Conference on Image Processing, Electronics and Computers, April 2021 [4] Zhongnan Zhao, ”Research on single-character image classification of Tibetan ancient books based on deep learning”, February 2022 [5] Shivam Aggarwal, Ashok Kumar Sahoo, Chetan Bansal, ”Image Classification using Deep Learning: A Comparative Study of VGG-16, InceptionV3 and EfficientNet B7 Models”, 2023 3rd International Conference on Advance Computing and Innovative Technologies in Engineering, July 2023 [6] Zhongling Huang, Mihai Datcu, Zongxu Pan, Bin Lei, “A Hybrid and Explainable Deep Learning Framework for SAR Images”, February 2021 [7] Raj Gaurang Tiwari; Alok Misra; Neha Ujjwal,”Image Embedding and Classification using Pre-Trained Deep Learning Architectures”, 2022 8th International Conference on Signal Processing and Communication, January 2023 [8] Yu-nan Dong, Guang-sheng Liang,”Research and Discussion on Image Recognition and Classification
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 551 Algorithm Based on Deep Learning”,2019 International Conference on Machine Learning, Big Data and Business Intelligence, November 2019 [9] Tianyuan Yue, ”Deep Learning Based Image Semantic Feature Analysis and Image Classification Techniques and Models”,2022 International Conference on Data Analytics, Computing and Artificial Intelligence, December 2022 [10] Yanping Zhang,”Improved Leaf Image Classification Using Topological Features and CNN With Attention Module”,2021 6th International Conference on Signal and Image Processing, December 2021 [11] Pallavi Ranjan, Ashish Girdhar, ”A Comparison of Deep Learning Algorithms Dealing With Limited Samples in Hyperspectral Image Classification”,2022 OPJU International Technology Conference on Emerging Technologies for Sustainable Development, February 2023 [12] Konstantinos Makantasis, Konstantinos Karantzalos, Anastasios Doulamis, Nikolaos Doulamis,”Deep Supervised Learning For Hyperspectral Data Classification Through Convolutional Neural Networks”, 2015 IEEE International Geoscience and Remote Sensing Symposium, November 2015 [13] Deepak Upadhyay, Mridul Gupta, Aditya Verma, Saksham Mittal,”A Comparative Study on the Effectiveness of Various Machine Learning Paradigms in Image Recognition and Predictive Modelling”,2023 International Conference on Device Intelligence, Computing and Communication Technologies, (DICCT), November, 2023 [14] Erdal TaSci, Aybars Ugur, ”Image classification using ensemble algorithms with deep learning and hand-crafted features”,2018 26th Signal Processing and Communications Applications Conference, July 2018 [15] Hengjie Zhu, Xuyao Wang, Renxing Chen,”Deep Learning Algorithm Based Remote Sensing Image Classification Research”,2023 IEEE 3rd International Conference on Electronic Technology, Communication and Information (ICETCI), May 2023 [16] Paulchamy B, K.Maharajan, Ramya Srikanteswara,”Deep Learning Based Image Classification Using SmallVGG Net Architecture”,2022 IEEE 2nd Mysore Sub Section International Conference, December 2022 [17] Abebaw Alem, Shailender Kumar,”Deep Learning Models Performance Evaluations for Remote Sensed Image Classification”, August 2022 [18] Florin C. Ghesu, Edward Krubasik, Bogdan Georgescu, Vivek Singh,”Marginal Space Deep Learning: Efficient Architecture for Volumetric Image Parsing”,IEEE Transactions on Medical Imaging, Vol. 35, No.5, May 2016 [19] El Abassi Fouzia, Darouichi Aziz, Ouaarab Aziz,”Images Segmentation using Deep Learning Algorithms and Metaheuristics”,2022 8th International Conference on Optimization and Applications, October 2022 [20] Atul Sharmaa,Gurbaksh Phonsa,”Image Classification Using CNN”,International Conference On Innovative Computing and Communication(ICICI 2021), April 2021