SlideShare a Scribd company logo
1 of 4
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2027
A Review on Food Classification using Convolutional Neural Networks
Sruthy R
Guest. Lecturer, Dept. of Electronics and Communication, NSS Polytechnic College, Pandalam, Kerala, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - In recent years, researchers have developed
algorithms leveraging machine learning techniques that can
automatically detect food and nutritional information on
images. Food recognition techniques will also assist with the
assessment of calories, the detection of poor quality food, and
the development of systems that monitor a diet to fight
obesity. A classic approach would not recognize complex
features of food images. Due to the fact that Convolutional
Neural Networks (CNN) can analyzemassive datasetsandare
capable of automatically identifying complex features, they
have been used to classify food. A comprehensive review of
food classification from food images using convolutional
neural networks is provided in this paper.
Key Words: ConvolutionalNeuralNetwork,Deeplearning
Food Classification, Feature extraction, Classification
1. INTRODUCTION
In the last few decades, researchers have focused on using
computer vision and machine learning to identify food and
nutritional information automaticallyfromcapturedimages.
It is critical to accurately estimate the calorie contentoffood
when determining dietary intake. Individuals tend to
consume too many calories and do not exercise enough.
Amid their hectic schedules and stress, most people
nowadays lose sight of what they eat. Therefore a reliable
classification of foods is essential to keep track of our food
intake.
The task of automatically recognizing foods from images is
particularly complicated. Image-based food recognition is
more complex since many food items resemble one another
in appearance, size, and color, and different regions have a
different food preparation and cooking styles.Deeplearning
improved the accuracy ofclassificationtasksovertraditional
image analysis methods. The low inter-class variance and
high intra-class variance of food images make Machine
Learning methods unable to discern some complexfeatures,
whereas CNNs can easily do so[1]. Contrary to conventional
machine learning approaches, deep learning algorithms do
not require a feature extraction algorithm [2]. The main
purpose of this paper is to give an overview of current
techniques in food image classification using Convolutional
Neural Networks. Section 3 addresses the different food
classification models used in the study. Section 4 presents a
comparison of the performance of the differentCNN models.
Section 5 presents a summary of the study.
2. LITERATURE REVIEW
In [3], a 2d Convolutional neural network with the max
pooling function has been used for food classification. The
food-101 dataset has been chosen as the database in this
method. By analyzing the amount of food visibleintheimage,
this method identifies the food typeandcalculatesthecalorie
value. The pre-trained CNN models like AlexNet, VGG16
(VisualGeometryGroup),ResNet-50(ResidualNetwork),and
Inception V3 have been used for food classification in [4].
Transfer learning works reasonably well with these models
since the earlier pre-trained layers have already learned
many of the features required for food image recognition.
In [5] Liu. et al. proposed an image recognition system
influenced by LeNet-5, AlexNet, and GoogleNet. This system
usesa CNN with 3 convolutionallayers,2subsamplinglayers,
and one fully connected layer. Publicly available databases,
UEC-100/UEC-256 and Food 101, were used in this system.
An Inception V3 based customized food classification have
proposed in [6]. This CNN-based model was trained over
more than a thousand food images and obtained an accuracy
of 98.7%.
A novel CNN model and Inception V3 based food
classification system is implemented in [7]. Food 101 is the
dataset used for this study. Before training the convolutional
neural network with the images, a pre-processing step have
applied to lower the computational complexity and improve
the accuracy. Stochastic gradient descent, Nesterov's
accelerated gradient,and Adaptive Moment Estimationwere
used to train three separatedeep CNNsforfoodclassification
from scratch [8]. Then the networks are compared with
AlexNet and CaffeNet. They get fine-tuned using the same
learning techniques. The Food11 andFood101datasetswere
used to create training, validation, and testing datasets.
The Inception V-3 and V-4 models werefine-tunedtoidentify
the foods in [9], and an attribute estimation model was
developed toquantifythefoodattributes.Dataaugmentation,
multi-cropping, and other approaches were used to improve
the result. The presented classification and attribute
extraction model has an accuracy of 85 percent. SqueezeNet
and VGG-16 are used for food identification in [10].
SqueezeNet achieves an accuracy of 77.20 percent with few
parameters. Then, the VGG-16 network improves the
performance of the automatic classification of food images.
This VGG-16 has achieved a high accuracy of 85.07 percent
due to the increased network depth. Table 1 shows the
comparison table of different food classification systems.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2028
The pre-trained 'Alexnet' and 'Caffenet' models were fine-
tuned, and a new complementary structuretrainedwithfood
images from the Food-11,FooDD,Food100,andwebarchives
dataset was used in [8] to classify foods.
3. METHODOLOGY
The flowchart of the food classification system using the
Convolutional Neural Network is shown in Fig. 1. The food
classification systemconsistsoftwophases.Thefirstphaseis
the training phase, in which feature extraction and
classification of food images are performed to develop a
prediction model. In the testing phase, this prediction model
is used to classify the food test images.
Here, CNN performs automatic feature extraction and
classification of food images. CNN’s have an input layer, an
output layer, and hidden layers, all of which aid in image
classification and processing. The convolutional layer is the
foundation of CNN. By sliding a kernel over the inputimages,
this layer performs convolution and generatesafeaturemap.
The dimension of the feature map is minimized by the
pooling layer. Max pooling is the most common type of
pooling. Pooling is achieved by sliding a window over the
input and taking the highest value in the window. The output
of the last pooling layer is converted to a one-dimensional
vector by the FC layer [11].
Fig-1:- Flow diagram
The various CNN models involved in this survey are
3.1 AlexNet
AlexNet [12] is an eight-layer convolutional neural network
architecture.Thedimensionoftheinputimageis227×227×3.
It consists of 5 convolutional layers and 3 fully connected
layers (FC). The first two convolutional layers are coupled
with overlapping max-pooling layers to extract many
features. Softmax function is utilized for activation in the
output layer. A dropout layer reduces over fitting during
training. The 'dropped out' neurons do not participate in the
'forward pass' or back propagation. The layers with the
dropped out neurons are located in the first two FC layers.
3.2 VGG-16
VGG-16 [13 ][14] is a CNN model with 16 convolutional
layers. It remains one of the most widely used image
recognition models today. The VGG network accepts images
with a size of 224×224×3 pixels. VGG16 is a very large
network with a total of 138 million parameters. The main
disadvantage of the VGG16 network is that, as a large
network, it requires more time for the training process.
3.3 ResNet-50
ResNet50 [15] [16] is a CNN model with 48 convolutional
layers, 1 MaxPool layer, and 1 Average Pool layer. Skip
connections are used by residual neural networks to jump
past somelayers. Skip connections can function in two ways.
First, they solve the vanishing gradient problem by creating
an alternative path forthe gradient to follow. Theyalsoallow
the model to learn an identityfunction.Inthisway,thehigher
layers of the model work equally wellasthelowerlayers.The
default input size of ResNet-50 is 224×224×3.
3.4 Inception V3
Inception V3 [15] [17] is a CNN model developed by Google.
Inception models have parallel layers and no deep layers.
Multiple Inception modules make up the Inception model.
The core module of the Inception V1 model consists of four
parallel layers. Inception V3 is the extended version of
Inception V1. It uses auxiliary classifiers and has 42 layers.
3.5 LeNet-5
The network is named Lenet-5 [18] [19] because it contains
fivelayers oflearnable parameters.Thenetworkconsistsofa
single channel because the input is a 32 x 32×3 grayscale
image. It uses a combination of average pooling and three
pairs of convolutional layers. It has two fully connected
layers. Finally, a Softmax classifier classifies the images into
their specific categories.
3.6 SqueezeNet
SquuezeNet [15] [20] is a smaller, deep neural network with
18 layers. It has Fire modules that "squeeze" parameters
through 1x1 convolutions. The architecture of SqueezeNet
consists of "squeeze" and "expand" layers. These are sent
through a combination of1×1and3×3convolutionalfiltersin
an "Expand" layer. SqueezeNet starts with a single
convolutional layer, followedby 8 Fire modules, and finally a
final convolutional layer. There are no FC layer in this neural
network architecture.Reluactivationfunctionisemployedin
SqueezeNet.
3.7 CaffeNet
CaffeNet [21 ] is an AlexNet variation. In contrast to AlexNet,
CaffeNet does pooling before normalizing. The input image
has a size of 224 ×224× 3 pixels.
3.8 GoogleNet
This CNN model is based on the Inception architecture.
GoogleNet [15][22] uses a stack of nine inception blocks and
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2029
global average pooling, and can run on individual devices
even with limited processing capabilities. This network is
influenced by LeNet architecture. Three filter sizes are used
in the convolution: (1 * 1),(3 * 3),and (5 × 5). In combination
with the convolutions,a max-poolingoperationisperformed,
and then the resulting data is data is sent to the next
inception module.
4. COMPARISON
No Title CNN used Dataset Accuracy
1 Food Classification from Images
Using
Convolutional Neural Networks[3]
Customized 2D CNN
architecture
FOOD-101 86.97%
2 Food Image Classification with
Convolutional Neural Networks[4]
AlexNet
VGG16
ResNet-50
Inception-V3
FOOD-101 61.9%
43.5%
71.4%
85.2%
3 DeepFood: Deep Learning-Based
Food Image Recognition for
Computer-Aided Dietary
Assessment [5]
Customized CNN UEC-256
FOOD-101
87.2%
93.7%
4 Transfer Learning: Inception-V3
Based Custom Classification
Approach For Food Images[6]
Customized CNN based on
Inception-V3
Real-time food
images from various
resources.
96.27%
5 Food Image Classification with
Convolutional Neural Network [7]
Customized CNN
Pre-trained Inception-V3
FOOD-11 74.70%
92.86%
6 Comparison of convolutional
neural network models for food
image classification [8]
AlexNet
CaffeNet
Structure 1
Structure 2
Structure 3
Extended version of
FOOD-11
86.92%
83.7%
73.87%
71.7%
69.92%
7 Machine Learning Based Approach
on Food Recognition
and Nutrition Estimation [9]
Fine tuned
Inception-V3
Inception- V4
Created dataset
95%
94.7%
8 Automated Food image
Classification using Deep
Learning approach[10]
SqueezeNet
VGG-16
FOOD-101 92.83%
94.02%
Table-1:- Comparison table
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2030
5. CONCLUSION
Food plays an essential role in human life,providingvarious
nutrients, and therefore the consumption of food is crucial
for our health. Food classification is therefore a crucial
aspect in maintaining a healthy lifestyle. In the world of
health and medicine,foodimageclassificationisanemerging
research area. A survey of automatic food classification
methods based on Convolutional Neural Networks has been
presented. The majority of the work uses the Food-101
dataset to train the models. Among thedifferentapproaches,
InceptionV3-based systems provide higher accuracy in food
image classification.
REFERENCES
[1] S. Yadav, Alpana and S. Chand, "Automated Food image
Classification using Deep Learning approach," 2021 7th
International Conference on Advanced Computing and
Communication Systems (ICACCS), 2021, pp. 542-545,
doi: 10.1109/ICACCS51430.2021.9441889.
[2] Abdulnaser Fakhrou, Jayakanth Kunhoth, Somaya Al
Maadeed “Smartphone-based food recognition system
using multiple deep CNN models”,Multimedia Toolsand
Applications volume 80, pages33011–33032 (2021)
[3] D. J. Attokaren, I. G. Fernandes, A. Sriram, Y. V. S. Murthy
and S. G. Koolagudi, "Food classification from images
using convolutional neural networks," TENCON 2017 -
2017 IEEE Region 10 Conference, 2017, pp. 2801-2806,
doi: 10.1109/TENCON.2017.8228338.
[4] Jiang, Malina. “Food Image Classification with
Convolutional Neural Networks.” (2019).
[5] Liu, C., Cao, Y., Luo, Y., Chen, G., Vokkarane, V., Ma, Y.
(2016). DeepFood: Deep Learning-Based Food Image
RecognitionforComputer-AidedDietaryAssessment.In:
Chang, C., Chiari, L., Cao, Y., Jin, H., Mokhtari, M., Aloulou,
H. (eds) Inclusive Smart Cities and Digital Health. ICOST
2016. Lecture Notes in Computer Science (), vol 9677.
Springer, Cham. https://doi.org/10.1007/978-3-319-
39601-9_4
[6] Vishwanath CBurkapalli,PriyadarshiniCPatil,“Transfer
Learning: Inception-V3 Based Custom Classification
Approach For Food Images”, ICTACT Journal on Image
and Video Processing ( Volume: 11 , Issue: 1 ),August
2020, doi: 10.21917/ijivp.2020.0321
[7] M. T. Islam, B. M. N. Karim Siddique, S. Rahman and T.
Jabid, "Food Image Classification with Convolutional
Neural Network," 2018 International Conference on
Intelligent Informatics and Biomedical Sciences
(ICIIBMS), 2018, pp. 257-262, doi:
10.1109/ICIIBMS.2018.8550005.
[8] Gözde Özsert Yiğit & B. Melis Özyildirim (2018)
Comparison of convolutional neural network modelsfor
food image classification, Journal of Information and
Telecommunication,2:3, 347-357, DOI:
10.1080/24751839.2018.1446236
[9] Shen, Zhidong & Shehzad, Adnan & Chen, Si & Sun,Hui&
Liu, Jin. (2020). Machine Learning Based Approach on
Food Recognition and Nutrition Estimation. Procedia
Computer Science. 174. 448-453.
10.1016/j.procs.2020.06.113.
[10] S. Yadav, Alpana and S. Chand, "Automated Food image
Classification using Deep Learning approach," 2021 7th
International Co nference on Advanced Computing
and Communication Systems (ICACCS), 2021, pp. 542-
545, doi: 10.1109/ICACCS51430.2021.9441889.
[11] A. Arya and M. Manuel, "Intelligence Quotient
Classification from Human MRI Brain Images Using
Convolutional Neural Network,"202012thInternational
Conference on Computational Intelligence and
Communication Networks (CICN), 2020, pp. 75-80, doi:
10.1109/CICN49253.2020.9242552.
[12] Shipra Saxena, “Introduction to The Architecture of
Alexnet”, 2021
[13] https://neurohive.io/en/popular-networks/vgg16/
[14] https://medium.com/@mygreatlearning/what-is-
vgg16-introduction-to-vgg16-f2d63849f615
[15] https://blog.paperspace.com/popular-deep-learning-
architectures-resnet-inceptionv3-squeezenet/
[16] https://iq.opengenus.org/resnet50-architecture/
[17] https://iq.opengenus.org/inception-v3-model-
architecture/
[18] https://www.analyticsvidhya.com/blog/2021/03/the-
architecture-of-lenet-5/
[19] https://www.datasciencecentral.com/lenet-5-a-classic-
cnn-architecture/
[20] https://towardsdatascience.com/review-squeezenet-
image-classification-e7414825581a
[21] https://medium.com/coinmonks/paper-review-of-
alexnet-caffenet-winner-in-ilsvrc-2012-image-
classification-b93598314160
[22] https://towardsdatascience.com/deep-learning-
googlenet-explained-de8861c82765

More Related Content

What's hot

Attention is All You Need (Transformer)
Attention is All You Need (Transformer)Attention is All You Need (Transformer)
Attention is All You Need (Transformer)Jeong-Gwan Lee
 
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...Edge AI and Vision Alliance
 
ETA Prediction with Graph Neural Networks in Google Maps
ETA Prediction with Graph Neural Networks in Google MapsETA Prediction with Graph Neural Networks in Google Maps
ETA Prediction with Graph Neural Networks in Google Mapsivaderivader
 
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...Simplilearn
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkRichard Kuo
 
Generative Adversarial Networks
Generative Adversarial NetworksGenerative Adversarial Networks
Generative Adversarial NetworksMustafa Yagmur
 
Time Series Classification with Deep Learning | Marco Del Pra
Time Series Classification with Deep Learning | Marco Del PraTime Series Classification with Deep Learning | Marco Del Pra
Time Series Classification with Deep Learning | Marco Del PraData Science Milan
 
PR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox DetectorPR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox DetectorJinwon Lee
 
Credit card fraud detection using random forest & cart algorithm
Credit card fraud detection using random forest & cart algorithmCredit card fraud detection using random forest & cart algorithm
Credit card fraud detection using random forest & cart algorithmVenkat Projects
 
OPTIMIZATION AS A MODEL FOR FEW-SHOT LEARNING
 OPTIMIZATION AS A MODEL FOR FEW-SHOT LEARNING OPTIMIZATION AS A MODEL FOR FEW-SHOT LEARNING
OPTIMIZATION AS A MODEL FOR FEW-SHOT LEARNINGMLReview
 
Sentiment Analysis of Twitter Data
Sentiment Analysis of Twitter DataSentiment Analysis of Twitter Data
Sentiment Analysis of Twitter DataSumit Raj
 
Word embeddings, RNN, GRU and LSTM
Word embeddings, RNN, GRU and LSTMWord embeddings, RNN, GRU and LSTM
Word embeddings, RNN, GRU and LSTMDivya Gera
 
Steganography ProjectReport
Steganography ProjectReportSteganography ProjectReport
Steganography ProjectReportekta sharma
 
Steganography Project
Steganography Project Steganography Project
Steganography Project Jitu Choudhary
 

What's hot (20)

Attention is All You Need (Transformer)
Attention is All You Need (Transformer)Attention is All You Need (Transformer)
Attention is All You Need (Transformer)
 
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
 
ETA Prediction with Graph Neural Networks in Google Maps
ETA Prediction with Graph Neural Networks in Google MapsETA Prediction with Graph Neural Networks in Google Maps
ETA Prediction with Graph Neural Networks in Google Maps
 
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
 
Steganography
SteganographySteganography
Steganography
 
steganography
steganographysteganography
steganography
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
 
Generative Adversarial Networks
Generative Adversarial NetworksGenerative Adversarial Networks
Generative Adversarial Networks
 
LSTM Basics
LSTM BasicsLSTM Basics
LSTM Basics
 
Time Series Classification with Deep Learning | Marco Del Pra
Time Series Classification with Deep Learning | Marco Del PraTime Series Classification with Deep Learning | Marco Del Pra
Time Series Classification with Deep Learning | Marco Del Pra
 
PR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox DetectorPR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox Detector
 
Credit card fraud detection using random forest & cart algorithm
Credit card fraud detection using random forest & cart algorithmCredit card fraud detection using random forest & cart algorithm
Credit card fraud detection using random forest & cart algorithm
 
OPTIMIZATION AS A MODEL FOR FEW-SHOT LEARNING
 OPTIMIZATION AS A MODEL FOR FEW-SHOT LEARNING OPTIMIZATION AS A MODEL FOR FEW-SHOT LEARNING
OPTIMIZATION AS A MODEL FOR FEW-SHOT LEARNING
 
NLTK in 20 minutes
NLTK in 20 minutesNLTK in 20 minutes
NLTK in 20 minutes
 
Sentiment Analysis of Twitter Data
Sentiment Analysis of Twitter DataSentiment Analysis of Twitter Data
Sentiment Analysis of Twitter Data
 
Word embeddings, RNN, GRU and LSTM
Word embeddings, RNN, GRU and LSTMWord embeddings, RNN, GRU and LSTM
Word embeddings, RNN, GRU and LSTM
 
Steganography ProjectReport
Steganography ProjectReportSteganography ProjectReport
Steganography ProjectReport
 
230309_LoRa
230309_LoRa230309_LoRa
230309_LoRa
 
Steganography Project
Steganography Project Steganography Project
Steganography Project
 
06. graph mining
06. graph mining06. graph mining
06. graph mining
 

Similar to A Review on Food Classification using Convolutional Neural Networks

FOOD RECOGNITION USING DEEP CONVOLUTIONAL NEURAL NETWORK
FOOD RECOGNITION USING DEEP CONVOLUTIONAL NEURAL NETWORKFOOD RECOGNITION USING DEEP CONVOLUTIONAL NEURAL NETWORK
FOOD RECOGNITION USING DEEP CONVOLUTIONAL NEURAL NETWORKIRJET Journal
 
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaComparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaIRJET Journal
 
Reconfiguration layers of convolutional neural network for fundus patches cla...
Reconfiguration layers of convolutional neural network for fundus patches cla...Reconfiguration layers of convolutional neural network for fundus patches cla...
Reconfiguration layers of convolutional neural network for fundus patches cla...journalBEEI
 
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEMAUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEMijcsa
 
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEMAUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEMijcsa
 
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATIONBLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATIONIRJET Journal
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)IRJET Journal
 
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...IRJET Journal
 
researchpaper_2023_Skin_Csdbjsjvnvsdnfvancer.pdf
researchpaper_2023_Skin_Csdbjsjvnvsdnfvancer.pdfresearchpaper_2023_Skin_Csdbjsjvnvsdnfvancer.pdf
researchpaper_2023_Skin_Csdbjsjvnvsdnfvancer.pdfAvijitChaudhuri3
 
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...rinzindorjej
 
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...rinzindorjej
 
AN IMPROVED METHOD FOR IDENTIFYING WELL-TEST INTERPRETATION MODEL BASED ON AG...
AN IMPROVED METHOD FOR IDENTIFYING WELL-TEST INTERPRETATION MODEL BASED ON AG...AN IMPROVED METHOD FOR IDENTIFYING WELL-TEST INTERPRETATION MODEL BASED ON AG...
AN IMPROVED METHOD FOR IDENTIFYING WELL-TEST INTERPRETATION MODEL BASED ON AG...IAEME Publication
 
Transfer learning with multiple pre-trained network for fundus classification
Transfer learning with multiple pre-trained network for fundus classificationTransfer learning with multiple pre-trained network for fundus classification
Transfer learning with multiple pre-trained network for fundus classificationTELKOMNIKA JOURNAL
 
IRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET Journal
 
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION cscpconf
 
Hyper-parameter optimization of convolutional neural network based on particl...
Hyper-parameter optimization of convolutional neural network based on particl...Hyper-parameter optimization of convolutional neural network based on particl...
Hyper-parameter optimization of convolutional neural network based on particl...journalBEEI
 
ImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksWilly Marroquin (WillyDevNET)
 
IRJET-Breast Cancer Detection using Convolution Neural Network
IRJET-Breast Cancer Detection using Convolution Neural NetworkIRJET-Breast Cancer Detection using Convolution Neural Network
IRJET-Breast Cancer Detection using Convolution Neural NetworkIRJET Journal
 
AUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMAUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMIRJET Journal
 

Similar to A Review on Food Classification using Convolutional Neural Networks (20)

FOOD RECOGNITION USING DEEP CONVOLUTIONAL NEURAL NETWORK
FOOD RECOGNITION USING DEEP CONVOLUTIONAL NEURAL NETWORKFOOD RECOGNITION USING DEEP CONVOLUTIONAL NEURAL NETWORK
FOOD RECOGNITION USING DEEP CONVOLUTIONAL NEURAL NETWORK
 
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaComparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
 
Reconfiguration layers of convolutional neural network for fundus patches cla...
Reconfiguration layers of convolutional neural network for fundus patches cla...Reconfiguration layers of convolutional neural network for fundus patches cla...
Reconfiguration layers of convolutional neural network for fundus patches cla...
 
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEMAUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
 
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEMAUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
 
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATIONBLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)
 
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
 
researchpaper_2023_Skin_Csdbjsjvnvsdnfvancer.pdf
researchpaper_2023_Skin_Csdbjsjvnvsdnfvancer.pdfresearchpaper_2023_Skin_Csdbjsjvnvsdnfvancer.pdf
researchpaper_2023_Skin_Csdbjsjvnvsdnfvancer.pdf
 
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
 
6119ijcsitce01
6119ijcsitce016119ijcsitce01
6119ijcsitce01
 
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
 
AN IMPROVED METHOD FOR IDENTIFYING WELL-TEST INTERPRETATION MODEL BASED ON AG...
AN IMPROVED METHOD FOR IDENTIFYING WELL-TEST INTERPRETATION MODEL BASED ON AG...AN IMPROVED METHOD FOR IDENTIFYING WELL-TEST INTERPRETATION MODEL BASED ON AG...
AN IMPROVED METHOD FOR IDENTIFYING WELL-TEST INTERPRETATION MODEL BASED ON AG...
 
Transfer learning with multiple pre-trained network for fundus classification
Transfer learning with multiple pre-trained network for fundus classificationTransfer learning with multiple pre-trained network for fundus classification
Transfer learning with multiple pre-trained network for fundus classification
 
IRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural Networks
 
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
 
Hyper-parameter optimization of convolutional neural network based on particl...
Hyper-parameter optimization of convolutional neural network based on particl...Hyper-parameter optimization of convolutional neural network based on particl...
Hyper-parameter optimization of convolutional neural network based on particl...
 
ImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural Networks
 
IRJET-Breast Cancer Detection using Convolution Neural Network
IRJET-Breast Cancer Detection using Convolution Neural NetworkIRJET-Breast Cancer Detection using Convolution Neural Network
IRJET-Breast Cancer Detection using Convolution Neural Network
 
AUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMAUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEM
 

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

Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxupamatechverse
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlysanyuktamishra911
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...Call Girls in Nagpur High Profile
 
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
 
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
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSRajkumarAkumalla
 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdfankushspencer015
 
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
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
 
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Christo Ananth
 

Recently uploaded (20)

Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptx
 
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
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghly
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
 
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...
 
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
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
 
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...
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
 
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 for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
 

A Review on Food Classification using Convolutional Neural Networks

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2027 A Review on Food Classification using Convolutional Neural Networks Sruthy R Guest. Lecturer, Dept. of Electronics and Communication, NSS Polytechnic College, Pandalam, Kerala, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - In recent years, researchers have developed algorithms leveraging machine learning techniques that can automatically detect food and nutritional information on images. Food recognition techniques will also assist with the assessment of calories, the detection of poor quality food, and the development of systems that monitor a diet to fight obesity. A classic approach would not recognize complex features of food images. Due to the fact that Convolutional Neural Networks (CNN) can analyzemassive datasetsandare capable of automatically identifying complex features, they have been used to classify food. A comprehensive review of food classification from food images using convolutional neural networks is provided in this paper. Key Words: ConvolutionalNeuralNetwork,Deeplearning Food Classification, Feature extraction, Classification 1. INTRODUCTION In the last few decades, researchers have focused on using computer vision and machine learning to identify food and nutritional information automaticallyfromcapturedimages. It is critical to accurately estimate the calorie contentoffood when determining dietary intake. Individuals tend to consume too many calories and do not exercise enough. Amid their hectic schedules and stress, most people nowadays lose sight of what they eat. Therefore a reliable classification of foods is essential to keep track of our food intake. The task of automatically recognizing foods from images is particularly complicated. Image-based food recognition is more complex since many food items resemble one another in appearance, size, and color, and different regions have a different food preparation and cooking styles.Deeplearning improved the accuracy ofclassificationtasksovertraditional image analysis methods. The low inter-class variance and high intra-class variance of food images make Machine Learning methods unable to discern some complexfeatures, whereas CNNs can easily do so[1]. Contrary to conventional machine learning approaches, deep learning algorithms do not require a feature extraction algorithm [2]. The main purpose of this paper is to give an overview of current techniques in food image classification using Convolutional Neural Networks. Section 3 addresses the different food classification models used in the study. Section 4 presents a comparison of the performance of the differentCNN models. Section 5 presents a summary of the study. 2. LITERATURE REVIEW In [3], a 2d Convolutional neural network with the max pooling function has been used for food classification. The food-101 dataset has been chosen as the database in this method. By analyzing the amount of food visibleintheimage, this method identifies the food typeandcalculatesthecalorie value. The pre-trained CNN models like AlexNet, VGG16 (VisualGeometryGroup),ResNet-50(ResidualNetwork),and Inception V3 have been used for food classification in [4]. Transfer learning works reasonably well with these models since the earlier pre-trained layers have already learned many of the features required for food image recognition. In [5] Liu. et al. proposed an image recognition system influenced by LeNet-5, AlexNet, and GoogleNet. This system usesa CNN with 3 convolutionallayers,2subsamplinglayers, and one fully connected layer. Publicly available databases, UEC-100/UEC-256 and Food 101, were used in this system. An Inception V3 based customized food classification have proposed in [6]. This CNN-based model was trained over more than a thousand food images and obtained an accuracy of 98.7%. A novel CNN model and Inception V3 based food classification system is implemented in [7]. Food 101 is the dataset used for this study. Before training the convolutional neural network with the images, a pre-processing step have applied to lower the computational complexity and improve the accuracy. Stochastic gradient descent, Nesterov's accelerated gradient,and Adaptive Moment Estimationwere used to train three separatedeep CNNsforfoodclassification from scratch [8]. Then the networks are compared with AlexNet and CaffeNet. They get fine-tuned using the same learning techniques. The Food11 andFood101datasetswere used to create training, validation, and testing datasets. The Inception V-3 and V-4 models werefine-tunedtoidentify the foods in [9], and an attribute estimation model was developed toquantifythefoodattributes.Dataaugmentation, multi-cropping, and other approaches were used to improve the result. The presented classification and attribute extraction model has an accuracy of 85 percent. SqueezeNet and VGG-16 are used for food identification in [10]. SqueezeNet achieves an accuracy of 77.20 percent with few parameters. Then, the VGG-16 network improves the performance of the automatic classification of food images. This VGG-16 has achieved a high accuracy of 85.07 percent due to the increased network depth. Table 1 shows the comparison table of different food classification systems.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2028 The pre-trained 'Alexnet' and 'Caffenet' models were fine- tuned, and a new complementary structuretrainedwithfood images from the Food-11,FooDD,Food100,andwebarchives dataset was used in [8] to classify foods. 3. METHODOLOGY The flowchart of the food classification system using the Convolutional Neural Network is shown in Fig. 1. The food classification systemconsistsoftwophases.Thefirstphaseis the training phase, in which feature extraction and classification of food images are performed to develop a prediction model. In the testing phase, this prediction model is used to classify the food test images. Here, CNN performs automatic feature extraction and classification of food images. CNN’s have an input layer, an output layer, and hidden layers, all of which aid in image classification and processing. The convolutional layer is the foundation of CNN. By sliding a kernel over the inputimages, this layer performs convolution and generatesafeaturemap. The dimension of the feature map is minimized by the pooling layer. Max pooling is the most common type of pooling. Pooling is achieved by sliding a window over the input and taking the highest value in the window. The output of the last pooling layer is converted to a one-dimensional vector by the FC layer [11]. Fig-1:- Flow diagram The various CNN models involved in this survey are 3.1 AlexNet AlexNet [12] is an eight-layer convolutional neural network architecture.Thedimensionoftheinputimageis227×227×3. It consists of 5 convolutional layers and 3 fully connected layers (FC). The first two convolutional layers are coupled with overlapping max-pooling layers to extract many features. Softmax function is utilized for activation in the output layer. A dropout layer reduces over fitting during training. The 'dropped out' neurons do not participate in the 'forward pass' or back propagation. The layers with the dropped out neurons are located in the first two FC layers. 3.2 VGG-16 VGG-16 [13 ][14] is a CNN model with 16 convolutional layers. It remains one of the most widely used image recognition models today. The VGG network accepts images with a size of 224×224×3 pixels. VGG16 is a very large network with a total of 138 million parameters. The main disadvantage of the VGG16 network is that, as a large network, it requires more time for the training process. 3.3 ResNet-50 ResNet50 [15] [16] is a CNN model with 48 convolutional layers, 1 MaxPool layer, and 1 Average Pool layer. Skip connections are used by residual neural networks to jump past somelayers. Skip connections can function in two ways. First, they solve the vanishing gradient problem by creating an alternative path forthe gradient to follow. Theyalsoallow the model to learn an identityfunction.Inthisway,thehigher layers of the model work equally wellasthelowerlayers.The default input size of ResNet-50 is 224×224×3. 3.4 Inception V3 Inception V3 [15] [17] is a CNN model developed by Google. Inception models have parallel layers and no deep layers. Multiple Inception modules make up the Inception model. The core module of the Inception V1 model consists of four parallel layers. Inception V3 is the extended version of Inception V1. It uses auxiliary classifiers and has 42 layers. 3.5 LeNet-5 The network is named Lenet-5 [18] [19] because it contains fivelayers oflearnable parameters.Thenetworkconsistsofa single channel because the input is a 32 x 32×3 grayscale image. It uses a combination of average pooling and three pairs of convolutional layers. It has two fully connected layers. Finally, a Softmax classifier classifies the images into their specific categories. 3.6 SqueezeNet SquuezeNet [15] [20] is a smaller, deep neural network with 18 layers. It has Fire modules that "squeeze" parameters through 1x1 convolutions. The architecture of SqueezeNet consists of "squeeze" and "expand" layers. These are sent through a combination of1×1and3×3convolutionalfiltersin an "Expand" layer. SqueezeNet starts with a single convolutional layer, followedby 8 Fire modules, and finally a final convolutional layer. There are no FC layer in this neural network architecture.Reluactivationfunctionisemployedin SqueezeNet. 3.7 CaffeNet CaffeNet [21 ] is an AlexNet variation. In contrast to AlexNet, CaffeNet does pooling before normalizing. The input image has a size of 224 ×224× 3 pixels. 3.8 GoogleNet This CNN model is based on the Inception architecture. GoogleNet [15][22] uses a stack of nine inception blocks and
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2029 global average pooling, and can run on individual devices even with limited processing capabilities. This network is influenced by LeNet architecture. Three filter sizes are used in the convolution: (1 * 1),(3 * 3),and (5 × 5). In combination with the convolutions,a max-poolingoperationisperformed, and then the resulting data is data is sent to the next inception module. 4. COMPARISON No Title CNN used Dataset Accuracy 1 Food Classification from Images Using Convolutional Neural Networks[3] Customized 2D CNN architecture FOOD-101 86.97% 2 Food Image Classification with Convolutional Neural Networks[4] AlexNet VGG16 ResNet-50 Inception-V3 FOOD-101 61.9% 43.5% 71.4% 85.2% 3 DeepFood: Deep Learning-Based Food Image Recognition for Computer-Aided Dietary Assessment [5] Customized CNN UEC-256 FOOD-101 87.2% 93.7% 4 Transfer Learning: Inception-V3 Based Custom Classification Approach For Food Images[6] Customized CNN based on Inception-V3 Real-time food images from various resources. 96.27% 5 Food Image Classification with Convolutional Neural Network [7] Customized CNN Pre-trained Inception-V3 FOOD-11 74.70% 92.86% 6 Comparison of convolutional neural network models for food image classification [8] AlexNet CaffeNet Structure 1 Structure 2 Structure 3 Extended version of FOOD-11 86.92% 83.7% 73.87% 71.7% 69.92% 7 Machine Learning Based Approach on Food Recognition and Nutrition Estimation [9] Fine tuned Inception-V3 Inception- V4 Created dataset 95% 94.7% 8 Automated Food image Classification using Deep Learning approach[10] SqueezeNet VGG-16 FOOD-101 92.83% 94.02% Table-1:- Comparison table
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 03 | Mar 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2030 5. CONCLUSION Food plays an essential role in human life,providingvarious nutrients, and therefore the consumption of food is crucial for our health. Food classification is therefore a crucial aspect in maintaining a healthy lifestyle. In the world of health and medicine,foodimageclassificationisanemerging research area. A survey of automatic food classification methods based on Convolutional Neural Networks has been presented. The majority of the work uses the Food-101 dataset to train the models. Among thedifferentapproaches, InceptionV3-based systems provide higher accuracy in food image classification. REFERENCES [1] S. Yadav, Alpana and S. Chand, "Automated Food image Classification using Deep Learning approach," 2021 7th International Conference on Advanced Computing and Communication Systems (ICACCS), 2021, pp. 542-545, doi: 10.1109/ICACCS51430.2021.9441889. [2] Abdulnaser Fakhrou, Jayakanth Kunhoth, Somaya Al Maadeed “Smartphone-based food recognition system using multiple deep CNN models”,Multimedia Toolsand Applications volume 80, pages33011–33032 (2021) [3] D. J. Attokaren, I. G. Fernandes, A. Sriram, Y. V. S. Murthy and S. G. Koolagudi, "Food classification from images using convolutional neural networks," TENCON 2017 - 2017 IEEE Region 10 Conference, 2017, pp. 2801-2806, doi: 10.1109/TENCON.2017.8228338. [4] Jiang, Malina. “Food Image Classification with Convolutional Neural Networks.” (2019). [5] Liu, C., Cao, Y., Luo, Y., Chen, G., Vokkarane, V., Ma, Y. (2016). DeepFood: Deep Learning-Based Food Image RecognitionforComputer-AidedDietaryAssessment.In: Chang, C., Chiari, L., Cao, Y., Jin, H., Mokhtari, M., Aloulou, H. (eds) Inclusive Smart Cities and Digital Health. ICOST 2016. Lecture Notes in Computer Science (), vol 9677. Springer, Cham. https://doi.org/10.1007/978-3-319- 39601-9_4 [6] Vishwanath CBurkapalli,PriyadarshiniCPatil,“Transfer Learning: Inception-V3 Based Custom Classification Approach For Food Images”, ICTACT Journal on Image and Video Processing ( Volume: 11 , Issue: 1 ),August 2020, doi: 10.21917/ijivp.2020.0321 [7] M. T. Islam, B. M. N. Karim Siddique, S. Rahman and T. Jabid, "Food Image Classification with Convolutional Neural Network," 2018 International Conference on Intelligent Informatics and Biomedical Sciences (ICIIBMS), 2018, pp. 257-262, doi: 10.1109/ICIIBMS.2018.8550005. [8] Gözde Özsert Yiğit & B. Melis Özyildirim (2018) Comparison of convolutional neural network modelsfor food image classification, Journal of Information and Telecommunication,2:3, 347-357, DOI: 10.1080/24751839.2018.1446236 [9] Shen, Zhidong & Shehzad, Adnan & Chen, Si & Sun,Hui& Liu, Jin. (2020). Machine Learning Based Approach on Food Recognition and Nutrition Estimation. Procedia Computer Science. 174. 448-453. 10.1016/j.procs.2020.06.113. [10] S. Yadav, Alpana and S. Chand, "Automated Food image Classification using Deep Learning approach," 2021 7th International Co nference on Advanced Computing and Communication Systems (ICACCS), 2021, pp. 542- 545, doi: 10.1109/ICACCS51430.2021.9441889. [11] A. Arya and M. Manuel, "Intelligence Quotient Classification from Human MRI Brain Images Using Convolutional Neural Network,"202012thInternational Conference on Computational Intelligence and Communication Networks (CICN), 2020, pp. 75-80, doi: 10.1109/CICN49253.2020.9242552. [12] Shipra Saxena, “Introduction to The Architecture of Alexnet”, 2021 [13] https://neurohive.io/en/popular-networks/vgg16/ [14] https://medium.com/@mygreatlearning/what-is- vgg16-introduction-to-vgg16-f2d63849f615 [15] https://blog.paperspace.com/popular-deep-learning- architectures-resnet-inceptionv3-squeezenet/ [16] https://iq.opengenus.org/resnet50-architecture/ [17] https://iq.opengenus.org/inception-v3-model- architecture/ [18] https://www.analyticsvidhya.com/blog/2021/03/the- architecture-of-lenet-5/ [19] https://www.datasciencecentral.com/lenet-5-a-classic- cnn-architecture/ [20] https://towardsdatascience.com/review-squeezenet- image-classification-e7414825581a [21] https://medium.com/coinmonks/paper-review-of- alexnet-caffenet-winner-in-ilsvrc-2012-image- classification-b93598314160 [22] https://towardsdatascience.com/deep-learning- googlenet-explained-de8861c82765