SlideShare a Scribd company logo
5
Most read
6
Most read
7
Most read
Tomato leaf disease detection and
classification
based on deep convolutional neural
networks
Priyanka Pradhan and Dr. Brajesh Kumar
Department of Computer Science & IT, MJP Rohilkhand
University, Bareilly-243006, India
Content
• Outlines of Key Principles
• Literature Survey
• Results and findings
• Conclusion
• References
4/6/2022 2
Outlines
1. Tomato is one of the major crops in India. The production of tomatoes is
rigorously affected by several types of diseases. Therefore, initial
detection of disease is vital for the quality and quantity of tomatoes.
2. There are many diseases that mostly affect the plant leaves. This paper
adopts a convolutional neural network (CNN) model to detect and
identify diseases using the images of tomato leaves.
3. The proposed CNN model comprises four convolutions and four max
pooling layers, which are followed by fully connected layers. The
performance of the proposed method is assessed by performing
experiments on a well-known PlantVillage dataset.
4. The overall accuracy of the proposed method is obtained as 96.26%.
5. It is compared with some fine-tuned pre-trained CNN models
InceptionResNetV2 and InceptionV3.
6. The results illustrate that the proposed method outperforms all the
methods based on fine-tuned models.
4/6/2022 3
Tomato Dataset
Figure 1: Different Tomato Healthy and Unhealthy Class
4/6/2022 4
The performance of the proposed method is assessed by performing
experiments on a well-known PlantVillage dataset. There are nine diseases and
one healthy class for tomato crop in the dataset.
Dataset for Image Classification
4/6/2022 5
PlantVillage consists of 54303 images for 14 different crops distributed in 38
categories including healthy and various disease classes. The total number of
tomato images considered for this work was 14,532 which includes both
infected tomato leaves, as well as healthy tomato leaves images The 75%
images are kept in training set and the rest 25% images from the testing set.
Table I
Literature Survey
[1] Karthik et al. introduced two dissimilar deep convolutional neural networks (CNN) models
to identify the infection in tomato leaves in as early stage as possible. The authors stated overall
accuracy of 98%.
[2] Agrawal et al. Created a model entailing three convolutional, three max pooling layers,
and two fully connected layers. Test results showed 91.2% accuracy.
[3] Ashok et al. developed a method that identifies tomato leaf disease based on image
segmentation and clustering to classify leaf disease of tomato plants.
[4] Ahmad et al. tested four pre-trained CNN models VGG-16, ResNet, VGG-19, and
InceptionV3 to identify and classify tomato leaf diseases. They tested these four models on two
datasets and found that InceptionV3 gave the best performance.
[5] Elhassouny et al. developed an effective smart mobile application based on CNN for
detecting and classifying tomato leaf diseases.
[6] Hasan et al. used the transfer learning concept to reorient the Inception model to classify
tomato leaves in three disease classes.
[7] Sardogan et al. developed a CNN both for feature extraction and classification using spectral
information.
[8] Tm et al. achieved the results similar to various well known techniques using optimal
computing resources.
4/6/2022 6
Work flow of Proposed System
Figure 2: Work flow for tomato leaf disease detection
4/6/2022 7
The proposed workflow for CNN-based plant disease detection
and identification is shown in Figure 2. This flowchart shows
data preparation module, dataset spliting module and
classification module.
Classification Framework
Figure 3: Classification framework for plant disease detection and identification
4/6/2022 8
CNN classification framework used in proposed work consists of
four convolutional layers and four max pooling layers placed
alternatively. At the top of the arrangement of convolutional and
pooling layers a fully connected layer is placed. The well-known
RELU activation function is used at different layers in CNN. At the
top layer in the model, Softmax classifier is used to map the input to
appropriate class as shown in Figure 3.
Different layers used in Proposed CNN
Model
4/6/2022 9
Table II
The implemented CNN model layer details are given in Table II. For
minimizing the training loss, the Adaptive Moment Estimation optimizer is
used. The learning rate is set to 0.001 and batch size is kept as 32 during the
training process.
Results and Findings
4/6/2022 10
The naive accuracy values obtained for the proposed model and
two pre-trained models InceptionResnetV2 and InceptionV3 are
listed in Table III along with learning error and training time. Both
class-wise and overall accuracies are given in the table. The
training time is reported in seconds.
Contd…
4/6/2022 11
Table IV provides the classification accuracy in terms of Cohen’s Kappa.
Cohen’s Kappa statistic is a very good measure that can handle very well
both multi-class and imbalanced class problems.
Cohen’s Kappa= (Overall Accuracy – Expected Accuracy)/ (1-Expected Accuracy)
Training Loss vs Training Accuracy
Graph of Proposed Model
4/6/2022 12
Figure 4: Training Loss vs Training Accuracy Graph of Proposed Model
CONCLUSION
1. In this work, a CNN model was developed for the automatic
detection and identification of tomato crop diseases using leaf images.
2. It consists of four convolution, four max pooling layers, and three
fully connected layers with varying numbers of filters at different
layers.
3. The experimental results exhibited that the average accuracy of the
model is 96.21%.
4. It was able to detect different tomato diseases with good accuracy.
5. The efficiency of the proposed model was found better and takes a
lesser training time than pre-trained CNN models Inception- ResnetV2
and InceptionV3. Also, the proposed model showed good accuracy as
compared with other models.
4/6/2022 13
REFERENCES
[1] R. Karthik, M. Hariharan, S. Anand, P. Mathikshara, A. Johnson, and R. Menaka,“Attention embedded
residual CNN for disease detection in tomato leaves, ”Applied Soft Computing, vol. 86, pp. 105933, 2020.
[2] M. Agarwal, A. Singh, S. Arjaria, A. Sinha, and S. Gupta,“ ToLeD: Tomato leaf disease detection using
convolution neural network, ”Procedia Computer Science, vol. 167, pp. 293-301, 2020.
[3] S. Ashok, G. Kishore, V. Rajesh,S. Suchitra, S. G. Sophia, and B. Pavithra, “Tomato Leaf Disease Detection
Using Deep Learning Techniques, ” In 2020 5th International Conference on Communication and Electronics
Systems (ICCES), pp. 979-983, IEEE, 2020.
[4] I. Ahmad, M. Hamid, S. Yousaf, S. T. Shah, and M. O. Ahmad, “ Optimizing Pretrained Convolutional
Neural Networks for Tomato Leaf Disease Detection, ” Complexity, 2020.
[5] A. Elhassouny, and F. Smarandache, “ Smart mobile application to recognize tomato leaf diseases using
Convolutional Neural Networks, ”In 2019 International Conference of Computer Science and Renewable
Energies (ICCSRE), pp. 1-4, IEEE, 2019.
[6] M. Hasan, B. Tanawala, and K. J. Patel,“ Deep learning precision farming: Tomato leaf disease detection by
transfer learning, ”In Proceedings of 2nd International Conference on Advanced Computing and Software
Engineering (ICACSE).
[7] M. Sardogan, A. Tuncer, and Y. Ozen, “ Plant leaf disease detection and classification based on CNN with
LVQ algorithm, ”In 2018 3rd International Conference on Computer Science and Engineering (UBMK), pp.
382-385, IEEE, 2018.
4/6/2022 14
Thank You
4/6/2022 15

More Related Content

PPTX
Plant disease detection and classification using deep learning
PPTX
Plant Disease Detection Using ML.pptx
PDF
EMOTION DETECTION USING AI
PPTX
AI programming languages
PPTX
Tomato leaves diseases detection approach based on support vector machines
PPTX
PC Assembly and Disassembly.pptx
PPT
Generation of computer
PDF
Computers in our daily life.pdf
Plant disease detection and classification using deep learning
Plant Disease Detection Using ML.pptx
EMOTION DETECTION USING AI
AI programming languages
Tomato leaves diseases detection approach based on support vector machines
PC Assembly and Disassembly.pptx
Generation of computer
Computers in our daily life.pdf

What's hot (20)

PPTX
Expert system
PPT
Detection of plant diseases
PPTX
Genetic algorithms in Data Mining
PPTX
Machine learning ppt
PPTX
Curve fitting of exponential curve
PPTX
Plant disease detection using machine learning algorithm-1.pptx
PPTX
supervised learning
PPTX
Naive bayes
PPTX
Applications of linear algebra in computer science
PPTX
Knowledge representation In Artificial Intelligence
PPT
Machine learning
PDF
Crop prediction using machine learning
PDF
NN_02_Threshold_Logic_Units.pdf
PPTX
Handwritten Digit Recognition(Convolutional Neural Network) PPT
PPTX
RECURSIVE DESCENT PARSING
PDF
A* Search Algorithm
PPT
Introduction and architecture of expert system
PPTX
Foundation of A.I
PPTX
Presentation on supervised learning
PPTX
Graph coloring using backtracking
Expert system
Detection of plant diseases
Genetic algorithms in Data Mining
Machine learning ppt
Curve fitting of exponential curve
Plant disease detection using machine learning algorithm-1.pptx
supervised learning
Naive bayes
Applications of linear algebra in computer science
Knowledge representation In Artificial Intelligence
Machine learning
Crop prediction using machine learning
NN_02_Threshold_Logic_Units.pdf
Handwritten Digit Recognition(Convolutional Neural Network) PPT
RECURSIVE DESCENT PARSING
A* Search Algorithm
Introduction and architecture of expert system
Foundation of A.I
Presentation on supervised learning
Graph coloring using backtracking
Ad

Similar to Tomato disease detection using deep learning convolutional neural network (20)

PDF
Deep Transfer learning
PDF
Early detection of tomato leaf diseases based on deep learning techniques
PDF
Internet of things and multi-class deep feature-fusion based classification o...
PDF
Potato leaf disease detection using convolutional neural networks
PDF
A classification model based on depthwise separable convolutional neural net...
PDF
Fruit Disease Detection And Fertilizer Recommendation
PDF
19536.pdfjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjj
PPTX
Plant Disease Prediction using CNN
PDF
LEAF DISEASE IDENTIFICATION AND REMEDY RECOMMENDATION SYSTEM USINGCNN
PDF
Two-step convolutional neural network classification of plant disease
PDF
PLANT LEAF DISEASE CLASSIFICATION USING CNN
PDF
Hybrid ResNet50-PCA based deep transfer learning approach for classification ...
PDF
Guava fruit disease identification based on improved convolutional neural net...
PDF
Improved vision-based diagnosis of multi-plant disease using an ensemble of d...
PDF
Corn plant disease classification based on leaf using residual networks-9 arc...
PDF
Plant Diseases Prediction Using Image Processing
PDF
A survey of detecting leaf diseases using machine learning and deep learning ...
PDF
IRJET - A Review on Identification and Disease Detection in Plants using Mach...
PDF
Tomato Disease Fusion and Classification using Deep Learning
PDF
Pneumonia Detection Using Deep Learning and Transfer Learning
Deep Transfer learning
Early detection of tomato leaf diseases based on deep learning techniques
Internet of things and multi-class deep feature-fusion based classification o...
Potato leaf disease detection using convolutional neural networks
A classification model based on depthwise separable convolutional neural net...
Fruit Disease Detection And Fertilizer Recommendation
19536.pdfjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjjj
Plant Disease Prediction using CNN
LEAF DISEASE IDENTIFICATION AND REMEDY RECOMMENDATION SYSTEM USINGCNN
Two-step convolutional neural network classification of plant disease
PLANT LEAF DISEASE CLASSIFICATION USING CNN
Hybrid ResNet50-PCA based deep transfer learning approach for classification ...
Guava fruit disease identification based on improved convolutional neural net...
Improved vision-based diagnosis of multi-plant disease using an ensemble of d...
Corn plant disease classification based on leaf using residual networks-9 arc...
Plant Diseases Prediction Using Image Processing
A survey of detecting leaf diseases using machine learning and deep learning ...
IRJET - A Review on Identification and Disease Detection in Plants using Mach...
Tomato Disease Fusion and Classification using Deep Learning
Pneumonia Detection Using Deep Learning and Transfer Learning
Ad

More from Priyanka Pradhan (19)

PPTX
PPTX
PPTX
Javascript
PPT
programming with python ppt
PPTX
Core Java
PPTX
Image Processing Based Signature Recognition and Verification Technique Using...
PPTX
GrayBox Testing and Crud Testing By: Er. Priyanka Pradhan
PPTX
The agile requirements refinery(SRUM) by: Priyanka Pradhan
ODP
Social tagging and its trend
PPTX
Behavioral pattern By:-Priyanka Pradhan
PPTX
software product and its characteristics
PPTX
EDI(ELECTRONIC DATA INTERCHANGE)
PPT
collaborative tagging :-by Er. Priyanka Pradhan
PPT
Deploying java beans in jsp
PPTX
SOFTWARE PROCESS MONITORING AND AUDIT
PPTX
s/w metrics monitoring and control
Javascript
programming with python ppt
Core Java
Image Processing Based Signature Recognition and Verification Technique Using...
GrayBox Testing and Crud Testing By: Er. Priyanka Pradhan
The agile requirements refinery(SRUM) by: Priyanka Pradhan
Social tagging and its trend
Behavioral pattern By:-Priyanka Pradhan
software product and its characteristics
EDI(ELECTRONIC DATA INTERCHANGE)
collaborative tagging :-by Er. Priyanka Pradhan
Deploying java beans in jsp
SOFTWARE PROCESS MONITORING AND AUDIT
s/w metrics monitoring and control

Recently uploaded (20)

PPTX
Foundation to blockchain - A guide to Blockchain Tech
PPTX
Sustainable Sites - Green Building Construction
DOCX
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
PDF
Mitigating Risks through Effective Management for Enhancing Organizational Pe...
PPTX
CYBER-CRIMES AND SECURITY A guide to understanding
PDF
737-MAX_SRG.pdf student reference guides
PDF
null (2) bgfbg bfgb bfgb fbfg bfbgf b.pdf
PDF
Human-AI Collaboration: Balancing Agentic AI and Autonomy in Hybrid Systems
PDF
III.4.1.2_The_Space_Environment.p pdffdf
PDF
PPT on Performance Review to get promotions
PDF
Automation-in-Manufacturing-Chapter-Introduction.pdf
PPT
introduction to datamining and warehousing
PPTX
Construction Project Organization Group 2.pptx
PDF
Well-logging-methods_new................
PPT
Total quality management ppt for engineering students
PDF
Embodied AI: Ushering in the Next Era of Intelligent Systems
PPTX
Fundamentals of safety and accident prevention -final (1).pptx
PPT
Project quality management in manufacturing
PPTX
additive manufacturing of ss316l using mig welding
PPTX
Fundamentals of Mechanical Engineering.pptx
Foundation to blockchain - A guide to Blockchain Tech
Sustainable Sites - Green Building Construction
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
Mitigating Risks through Effective Management for Enhancing Organizational Pe...
CYBER-CRIMES AND SECURITY A guide to understanding
737-MAX_SRG.pdf student reference guides
null (2) bgfbg bfgb bfgb fbfg bfbgf b.pdf
Human-AI Collaboration: Balancing Agentic AI and Autonomy in Hybrid Systems
III.4.1.2_The_Space_Environment.p pdffdf
PPT on Performance Review to get promotions
Automation-in-Manufacturing-Chapter-Introduction.pdf
introduction to datamining and warehousing
Construction Project Organization Group 2.pptx
Well-logging-methods_new................
Total quality management ppt for engineering students
Embodied AI: Ushering in the Next Era of Intelligent Systems
Fundamentals of safety and accident prevention -final (1).pptx
Project quality management in manufacturing
additive manufacturing of ss316l using mig welding
Fundamentals of Mechanical Engineering.pptx

Tomato disease detection using deep learning convolutional neural network

  • 1. Tomato leaf disease detection and classification based on deep convolutional neural networks Priyanka Pradhan and Dr. Brajesh Kumar Department of Computer Science & IT, MJP Rohilkhand University, Bareilly-243006, India
  • 2. Content • Outlines of Key Principles • Literature Survey • Results and findings • Conclusion • References 4/6/2022 2
  • 3. Outlines 1. Tomato is one of the major crops in India. The production of tomatoes is rigorously affected by several types of diseases. Therefore, initial detection of disease is vital for the quality and quantity of tomatoes. 2. There are many diseases that mostly affect the plant leaves. This paper adopts a convolutional neural network (CNN) model to detect and identify diseases using the images of tomato leaves. 3. The proposed CNN model comprises four convolutions and four max pooling layers, which are followed by fully connected layers. The performance of the proposed method is assessed by performing experiments on a well-known PlantVillage dataset. 4. The overall accuracy of the proposed method is obtained as 96.26%. 5. It is compared with some fine-tuned pre-trained CNN models InceptionResNetV2 and InceptionV3. 6. The results illustrate that the proposed method outperforms all the methods based on fine-tuned models. 4/6/2022 3
  • 4. Tomato Dataset Figure 1: Different Tomato Healthy and Unhealthy Class 4/6/2022 4 The performance of the proposed method is assessed by performing experiments on a well-known PlantVillage dataset. There are nine diseases and one healthy class for tomato crop in the dataset.
  • 5. Dataset for Image Classification 4/6/2022 5 PlantVillage consists of 54303 images for 14 different crops distributed in 38 categories including healthy and various disease classes. The total number of tomato images considered for this work was 14,532 which includes both infected tomato leaves, as well as healthy tomato leaves images The 75% images are kept in training set and the rest 25% images from the testing set. Table I
  • 6. Literature Survey [1] Karthik et al. introduced two dissimilar deep convolutional neural networks (CNN) models to identify the infection in tomato leaves in as early stage as possible. The authors stated overall accuracy of 98%. [2] Agrawal et al. Created a model entailing three convolutional, three max pooling layers, and two fully connected layers. Test results showed 91.2% accuracy. [3] Ashok et al. developed a method that identifies tomato leaf disease based on image segmentation and clustering to classify leaf disease of tomato plants. [4] Ahmad et al. tested four pre-trained CNN models VGG-16, ResNet, VGG-19, and InceptionV3 to identify and classify tomato leaf diseases. They tested these four models on two datasets and found that InceptionV3 gave the best performance. [5] Elhassouny et al. developed an effective smart mobile application based on CNN for detecting and classifying tomato leaf diseases. [6] Hasan et al. used the transfer learning concept to reorient the Inception model to classify tomato leaves in three disease classes. [7] Sardogan et al. developed a CNN both for feature extraction and classification using spectral information. [8] Tm et al. achieved the results similar to various well known techniques using optimal computing resources. 4/6/2022 6
  • 7. Work flow of Proposed System Figure 2: Work flow for tomato leaf disease detection 4/6/2022 7 The proposed workflow for CNN-based plant disease detection and identification is shown in Figure 2. This flowchart shows data preparation module, dataset spliting module and classification module.
  • 8. Classification Framework Figure 3: Classification framework for plant disease detection and identification 4/6/2022 8 CNN classification framework used in proposed work consists of four convolutional layers and four max pooling layers placed alternatively. At the top of the arrangement of convolutional and pooling layers a fully connected layer is placed. The well-known RELU activation function is used at different layers in CNN. At the top layer in the model, Softmax classifier is used to map the input to appropriate class as shown in Figure 3.
  • 9. Different layers used in Proposed CNN Model 4/6/2022 9 Table II The implemented CNN model layer details are given in Table II. For minimizing the training loss, the Adaptive Moment Estimation optimizer is used. The learning rate is set to 0.001 and batch size is kept as 32 during the training process.
  • 10. Results and Findings 4/6/2022 10 The naive accuracy values obtained for the proposed model and two pre-trained models InceptionResnetV2 and InceptionV3 are listed in Table III along with learning error and training time. Both class-wise and overall accuracies are given in the table. The training time is reported in seconds.
  • 11. Contd… 4/6/2022 11 Table IV provides the classification accuracy in terms of Cohen’s Kappa. Cohen’s Kappa statistic is a very good measure that can handle very well both multi-class and imbalanced class problems. Cohen’s Kappa= (Overall Accuracy – Expected Accuracy)/ (1-Expected Accuracy)
  • 12. Training Loss vs Training Accuracy Graph of Proposed Model 4/6/2022 12 Figure 4: Training Loss vs Training Accuracy Graph of Proposed Model
  • 13. CONCLUSION 1. In this work, a CNN model was developed for the automatic detection and identification of tomato crop diseases using leaf images. 2. It consists of four convolution, four max pooling layers, and three fully connected layers with varying numbers of filters at different layers. 3. The experimental results exhibited that the average accuracy of the model is 96.21%. 4. It was able to detect different tomato diseases with good accuracy. 5. The efficiency of the proposed model was found better and takes a lesser training time than pre-trained CNN models Inception- ResnetV2 and InceptionV3. Also, the proposed model showed good accuracy as compared with other models. 4/6/2022 13
  • 14. REFERENCES [1] R. Karthik, M. Hariharan, S. Anand, P. Mathikshara, A. Johnson, and R. Menaka,“Attention embedded residual CNN for disease detection in tomato leaves, ”Applied Soft Computing, vol. 86, pp. 105933, 2020. [2] M. Agarwal, A. Singh, S. Arjaria, A. Sinha, and S. Gupta,“ ToLeD: Tomato leaf disease detection using convolution neural network, ”Procedia Computer Science, vol. 167, pp. 293-301, 2020. [3] S. Ashok, G. Kishore, V. Rajesh,S. Suchitra, S. G. Sophia, and B. Pavithra, “Tomato Leaf Disease Detection Using Deep Learning Techniques, ” In 2020 5th International Conference on Communication and Electronics Systems (ICCES), pp. 979-983, IEEE, 2020. [4] I. Ahmad, M. Hamid, S. Yousaf, S. T. Shah, and M. O. Ahmad, “ Optimizing Pretrained Convolutional Neural Networks for Tomato Leaf Disease Detection, ” Complexity, 2020. [5] A. Elhassouny, and F. Smarandache, “ Smart mobile application to recognize tomato leaf diseases using Convolutional Neural Networks, ”In 2019 International Conference of Computer Science and Renewable Energies (ICCSRE), pp. 1-4, IEEE, 2019. [6] M. Hasan, B. Tanawala, and K. J. Patel,“ Deep learning precision farming: Tomato leaf disease detection by transfer learning, ”In Proceedings of 2nd International Conference on Advanced Computing and Software Engineering (ICACSE). [7] M. Sardogan, A. Tuncer, and Y. Ozen, “ Plant leaf disease detection and classification based on CNN with LVQ algorithm, ”In 2018 3rd International Conference on Computer Science and Engineering (UBMK), pp. 382-385, IEEE, 2018. 4/6/2022 14

Editor's Notes

  • #11: It is important to establish a baseline in performance for a classification dataset. It provides a line in the sand by which all other algorithms can be compared. An algorithm that achieves a score below a naive classification model has no skill on the dataset, whereas an algorithm that achieves a score above that of a naive classification model has some skill on the dataset.
  • #12: Cohen’s kappa statistic is a very good measure that can handle very well both multi-class and imbalanced class problems.