You are on page 1of 5

2021 2nd International Conference on Intelligent Engineering and Management (ICIEM)

An Overview on Plant Disease Detection Algorithm


Using Deep Learning
2021 2nd International Conference on Intelligent Engineering and Management (ICIEM) | 978-1-6654-1450-0/20/$31.00 ©2021 IEEE | DOI: 10.1109/ICIEM51511.2021.9445336

Manivarsh Adi Abhishek Kumar Singh Harinath Reddy A


School of Computer Science and School of Computer Science and School of Computer Science and
Engineering Engineering Engineering
Lovely Professional University Lovely Professional University Lovely Professional University
Phagwara, Punjab, India Phagwara, Punjab, India Phagwara, Punjab, India
adhimanispecial@gmail.com abhishekkumara1910@gmail.com reddyharinath48@gmail.com

Yeshwanth Kumar Venkata Reddy Challa Pooja Rana


School of Computer Science and School of Computer Science and School of Computer Science and
Engineering Engineering Engineering
Lovely Professional University Lovely Professional University Lovely Professional University
Phagwara, Punjab, India Phagwara, Punjab, India Phagwara, Punjab, India
yeswanthg1999@gmail.com venkatareddychalla111@gmail.com pooja.20992@lpu.co.in

Usha Mittal
School of Computer Science and
Engineering
Lovely Professional University
Phagwara, Punjab, India
usha.20339@lpu.co.in

Abstract—Disease detection in plants is one of the major computation of deep learning made it an avid technique for
concerns for farmers nowadays. As many new techniques like predictions and classification.
Deep Learning capability to dive into deep analysis and
computation made it one of the prominent techniques for plant On the whole Back propagation algorithm ability in dual
leaf disease detection. Mobile applications with inbuilt deep
propagation made it a most keenly used technique in ANN.
learning models are helping farmers to detect and classify the
disease throughout the world. It consists of disparate techniques Deep layers in ANN dive in deep for to get global optimized
like ANN and CNN to diagnose the disease in plant leaves. It uses parameters, reducing the error to global minima.
key features of images to detect and diagnose the type of diseases
present in leaves. Some pre-trained models like AlexNet, CNN is the most widely used deep learning technique for
GoogleNet, LeNet, ResNet, VGGNET and Inception with a huge feature extraction and reducing the dimensionality of the
number of learnable parameters had shown classification or data, making it prominent in deep learning. Convolutional
detection of disease in leaves. This paper focused on different operations using filters extract salient features in data,
architecture like predefined and user defined models that were pooling layers reduce the dimension without using learnable
used for detection of diseases in plant leaves.
parameters followed by multi-layer perceptron for
Keywords—AlexNet, LeNet, GoogleNet, VGGNet, LeakyReLU, predictions. Feature extraction and reducing dimensionality
CNN and ANN make CNN different from ANN for image classification. In
earlier days statistical analysis and statistical models were the
I. INTRODUCTION resources for predictions or classifications, performance was
satisfactory at a certain level. Deep Learning models are more
The agriculture sector feeds the country, not being able to reliable and optimized than statistical models for their
identify plant diseases at the untimely stage results in crop computation potentiality. Plant leaf disease diagnosis using
loss. The reason for starvation in African countries and some deep learning need a vast and diversified data, cleaning noise
of the Indian states are due to no good yielding of crops. and segmenting images for classification.
There is a need of instituting some of the advanced
technologies in the agriculture sector to overcome this type This paper sorted in section 2 includes literature reviews of
of social evil. In recent days deep learning and machine previously published papers. Section 3 includes comparative
learning have shown some of the significance in identifying study. Section 4 includes outcome. Section 5 includes Deep
diseases at the early stage. Mathematical perceptual of deep learning techniques overview and section 6 includes future
learning made it easier for identifying salient features and research and experiment in plant leaf disease detection and
classifying objects based on the salient features. Incubation conclusion.
of pre-trained deep learning models in the real-world making
a diversified development and advancement in many sectors. II. LITERATURE REVIEW
The compatibility of neural networks and mathematical

305
978-1-6654-1450-0/21/$31.00 ©2021 IEEE

Authorized licensed use limited to: California State University Fresno. Downloaded on July 01,2021 at 00:18:40 UTC from IEEE Xplore. Restrictions apply.
2021 2nd International Conference on Intelligent Engineering and Management (ICIEM)

Nithiswara Reddy, Karthik Vinod, Remya Ajai A S, et al. morphological and Geometrical properties of spots on leaves.
2019 [1] proposed image pre-processing, image Geometrical characteristics like Centre of gravity,
segmentation, image cleaning and machine learning model to Orientation, Equvidiameter, Eccentricity, Solidity, Extent,
detect plant diseases. Enhancement and resizing makes the Hydraulic radius, Complexity and Euler number of spot can
picture more contrast highlighting spots on leaves. Author differentiate different type of diseases. Author proposed three
implemented three image segmentation techniques like HSI, stage system image analyzer, feature database and
Otsu’s classification and K-Means clustering, among three K- classification, image analyzer tries to extract main features
Means clustering gave better performance to detect the using image segmentation, image enhancement and fuzzy c-
diseases on leaves. Before performing K-Means Clustering, means. HSI and Histogram analysis adds extra intensity to
the author transferred the RGB image to the Lab color model, image, due to uncertainty and ambiguity representation of
helpful in extracting useful segments in leaves. Considering fuzzy c-means algo picks the spots on leaves accurately.
contrast, energy, homogeneity and correlation of pixels, the Implanted experimental design of ANN with different
author extracted important features in plant leaves. Author combinations of parameters, used ANOVA to pick up the best
used two machine learning classification K-Means and SVM optimal parameters.
to classify leaves as healthy or any attack of disease. Among
K-Means and SVM, SVM performs well on data, accuracy is J.Selvam, P. Kavitha, et al. 2020 [5] build a CNN model to
about 94-96% and K-Means accuracy is about 83-85%. In classify a healthy, unhealthy and leaf burnt leaves of Ladies
testing K-Means fails to classify the leaf for certain images, Finger. Authors have collected leaf image data of 1088
but SVM performs well. images, where 509 are healthy, 457 are unhealthy and 122 are
of leaf burn. After preprocessing, data augmentation
David P. Hughes, Sharada P. Mohanty, Marcel Salathe, et al. technique is applied for feeding more data to model. CNN
2016 [2] classified 38 crop-disease pair of 54,306 images model consist of four convolutional layers consisting of one
from Plant Village dataset. Author used pre trained models 32, two 64, one 128 filters appended by max pooling with
like AlexNet and GoogleNet with variation of datasets. kernel size 2 X 2 and followed by two fully connected layers
Author used a architecture notation like Training Mechanism, with 500 and 3 neurons. Convolutional layers are processed
Dataset Type, Type of segmented image and Train-Test Ratio by ReLu function and output layer is triggered by Softmax
to demonstrate model Performance on different function. Model with Adam optimizer, learning rate 0.001,
combinations. GoogleNet-TranserLearning-Color-80-20 70:30 train-test split ratio, Categorical cross Entropy loss
gave the accuracy about 99.34%, to overcome the over-fitting function, 50 epochs without dropout layer gave an accuracy
changes made to train-set ratio GoogleNet-Transfer of 96 percent.
Learning-Color- 20-80 gave accuracy of 98.21%. Where
AlexNet-TrainingfromScratch-Grayscale-80-20 gave Rophita Frankess. S, Dr. C. Seldev Christoher, et al. 2019 [6]
accuracy of 85.53%. Model fails for real word images proposed a model for image processing, image segmentation
collected external resource model failed to predict the label and classifying defected and non-defected leaves in spinach
with accuracy of 31%, model can performs well on real data leaves. Authors uses a novel dataset collected using digital
when model is trained on huge amount of data. Graphs camera for model building. Anthracnose, Leaf miner,
figures suggest that GoogleNet model, Fine Tuning Cladosporium Leaf spot, Downy mildew and White rust are
Mechanism, 80-20 train-test division with color dataset the most common diseases in spinach plant. Histogram
performs well. equalization technique is used for image pre-processing and
Active Counter technique is used for segmenting to highlight
Nikhil Shah, Sarika Jain, et al. 2019 [3] implemented ANN some of the important features in leaves. Histogram Oriented
to detect disease in cotton leaf, author created a pipeline like Gradient (HOG) and Hue Saturation Value (HSV) techniques
image acquiring, image enrichment and feature extraction to are used for feature extraction process. Classification is done
feed the data for multi-layer perceptron. Image enhancement using ANN with accuracy of 98.7 percent.
and image segmentation extracts important features of the
defected leaf like spot, blight or mould. RGB and HSV image Qiufeng Wu, Keke Zhang, Jun Meng, et al. 2019 [7]
are used for training ANN after preprocessing image, model classified different types of diseases in soya bean plant using
will accept the leaf without disease and reject the leaf with pre trained models like AlexNet, GoogleNet and ResNet.
disease. Model consist of input neurons taking RGB and HSV Data is collected manually of various effecting factors on
image input and one hidden layer with 10 neurons and output soya bean plant like Bacterial, Downy mildew, Pest,
layer of two neurons (0 reject, 1 accept). MSE is low 6.105e- Pesticides, Spider mite, Virus disease and healthy. In order to
10 for 953 epochs. Author implemented t-test to check overcome overfitting author performed data augmentation to
whether there is difference between predicted one and target increase data set size. ResNet performes well compared to
one, gives that predicted and target are almost same. AlexNet and GoogleNet with accuracy of 94.29 percent.
Combinations of batch size (16, 32, 64) and interactions (528,
Sachin B. Jagtap, Shailesh M. Hambarde, et al. 2014 [4] 1056, 2112) keeping model parameters SGD optimizer with
proposed feature extraction technique based on momentum, 0.9 learning rate and dropout of 50 percent

306

Authorized licensed use limited to: California State University Fresno. Downloaded on July 01,2021 at 00:18:40 UTC from IEEE Xplore. Restrictions apply.
2021 2nd International Conference on Intelligent Engineering and Management (ICIEM)

constant, model with 16 batch size and 1056 iterations architectural used is improved form of VGGNet got an
performed well with accuracy of 93.71 percent. Confusion accuracy of 91%.Each architectural model shows same
matrix with f1-score evaluates that Downy mildew and accuracy of 91%. Then they have used confusion matrix on
Pesticides are classified better compared to others. Authors two architectural models and made a table. VGG16 gave an
use t-distributed stochastic neighborhood embedding (t-SNE) accuracy 0.9131148, on the other hand, VGG19 got an
for visualize the features extracted from fully connected accuracy of 0.9096284. VGG16 architecture model have
layers. achieved 0.00349 accurate than VGG19.

Aditya Karlekar, Ayan Seal, et al. 2020 [8] proposed a new Saraansh Baranwal et al. 2019 [12] In this paper they have
model SoyNet to classify different types of disease in soya used self-design CNN model it comprises of four layers
beans. Authors used PDDB database data for soya bean leaf which is similar to LeNet-5. They have focused on mainly
disease detection. Data augmentation technique is used for three types of diseases Apple scab, Apple Cedar Apple rust
increase data size to avoid over fitting and increase the model and Apple Black Rot. The dataset used is the subset of Plant
performance. Image processing module consist of four sub- village dataset which consist of four classes three of which
modules, where first sub-module convert RGB image to are diseased (1526 samples) and one is healthy (1000
CIELab color space, second sub-module performes k-mean samples) and also used data generation function provided in
clustering (k =2) to divide image into foreground and keras library to produce new images by applying simple
background, third sub-module extracts the larger components operations like rotation, horizontal shift, vertical flip. They
in images and fourth sub module maps binary mask to RGB. have achieved an overall accuracy of 98.42% [12]
SoyNet model with 6 convolutional (tw0-32, two-64, two-
128) with 3 X 3 filter size, 6 max pooling layers with 2 X 2 K.G. Nachtigall et al. (2016 November) [13] In this paper
filter size and two fully connected layer gives an accuracy of authors have proposed a concept that used deep CNN can
98.24%. Authors applied activations Relu on convolutional perform better than human experts. To prove this, the authors
layers and SoftMax on fully connected layer with optimizer compared accuracy of three classifiers: Multi-level
Adam, loss function categorical cross entropy. perceptron (MLP), AlexNet architecture and human experts
voting on a Novel dataset containing 2539 images from 6
Halil Durmuş, Ece Olcay Güneş, Mürvet Kırcı et al. 2017 [9] known disorders out of which 70% for training and 30% for
in this publication Author designed a deep learning model testing is used. MLP performed very poorly with an accuracy
that detects a disease in tomato plants in real time. They have 77.3% while AlexNet with an accuracy of 97.3% was able to
used different Deep learning architecture AlexNet and surpass human experts’ accuracy of 96%.
squeezenet for training and validation, the model was trained
on Plant Village dataset of tomato leaves the dataset consist Xihai Zhang, Mingming Zhang. et al. 2018 [14] designed an
of 54.309 labelled images and there is 14 various variety of improved version of GoogLeNet and Cifar10 for identifying
crops and different types for tomato images and also it has eight different diseases in maize with better accuracy and a
healthy leaves images They have achieved an accuracy of smaller number of parameters. The dataset is combination of
95.65% and 94.3% respectively out of which AlexNet 500 images, collected from various resources like Plant
achieved accuracy somewhat better than squeezeNet. Village, internet and divided to 9 distinct categories on which
image augmentation was applied leading to a total of 3060
Divyansh Tiwari, Dr.Suyash Bharadwaj et al. 2020 [10] A images out of which 2248(80%) to train and 612(20%) to test.
deep learning model is proposed for detection of early healthy The improved GoogLeNet set out an avg accuracy of 98.9%
and late leaf blights which was the cause of major loss in which is 0.4% higher than the original one and improved
potato crop. They have used pre trained model like VGG19, Cifar 10 model set out an avg accuracy of 98.8% while the
VGG16, V3 to extract the relevant features. plant village original was 97.1% accurate.
dataset is used and it consist of 2152 images of potato
leaves,1000 images of late blight, , early leaf blight and 152 Dantouma Kamissokob, Daouda Traore et al. 2019 [15]
of healthy leaves images. Training data comprises 1700 Proposed a DNN with transfer learning and fine tuning for
images of potato which is 70% and testing part consist 452 detecting mildew disease in pearl millet. The model used
images (30%). Training was done on various combinations of VGG16 architecture, the model was first trained on ImageNet
DNN with classifiers like KNN, SVM, Neural Network, as source dataset and then trained on 124 millet images as
logistic Regression. Logistic regression performed better than target dataset. The model performed with an accuracy of
others achieving an accuracy of 97.8% over the test dataset. 95%, precision 90.05%, recall of 94.50% and f1-score of
91.75%.
Indra Adji Sulistijono et al. 2020 [11] In this paper the authors
have presented a procedure to categorize the four different Rishabh Sachana , Diksha Rajpal et al. 2020 [16] Presented a
types of diseases in potato leaf based on leaf type using deep real time system based on Deep CNN for identification two
learning. The data used to train model is taken from plant major diseases rust, Northern Leaf Blight in corn plants. The
village dataset, Google Images and various sources. The dataset is collected from fields and Plant Village dataset and

307

Authorized licensed use limited to: California State University Fresno. Downloaded on July 01,2021 at 00:18:40 UTC from IEEE Xplore. Restrictions apply.
2021 2nd International Conference on Intelligent Engineering and Management (ICIEM)

divided into 3-categories healthy, leaf blight and rust. The


model was trained on 3340 corn leaf images, tested on 363
images, and validated on 679 images. The model accuracy on
GPU are 96.32% (Common rust), 98.88% (Northern Leaf
Blight) and 100%(Healthy leaf) overall 98.40% accurate
while on real time system(NCS) the performance is 88.66%
accurate.

Andrea Luvisi2, Luigi De Bellis2 and Yiannis Ampatzidis3


et. al.2017 [17] designed a vision-based plant disease
detection system to identify symptoms of leaf scorch on
leaves of Otea European commonly known as wild olive
infected by Xylella fastidiosa. They have used transfer
learning, image segmentation and context injection system on
99 leaf scorch, 100 abiotic stress and 100 normal images. The
model achieved 98.6 accuracy after 300 epochs. The paper
concluded the use of Context Injection. System in any deep
learning architecture for plant disease detection.

M O Ramkumar, S Sarah Catharin et al.2021 [18]


Implemented a Deep Learning model for identify Cercospora
disease in Spinach Leaves with Residual Network Resnet-50
for real life application. The system performed with an
accuracy of 98.94% which is 11% more than the existing
system.
IV. OUTCOME
Adil Khan, Muhammad Saleem Mahar et al 2020 [19] had
implemented a Deep CNN model to spot various plants Most of the authors have used pre-defined models like
diseases. The model was trained and tested on Plant Village AlexNet, GoogleNet, ResNet..etc achieving average
dataset (70295) images, by using 80% (56236) images of data accuracy of 95%. User defined models using CNN and ANN
to train and 20% (14059) images to test. The model is had achieved overall accuracy of 97 %. Applying
designed using 5-Covolution layers, 5-MaxPooling layers segmentation techniques like Otsu, HSI, HSV, k-means
and trained on Plant Village dataset. The model performed clustering to images made models to attain good accuracy.
with an accuracy of 98%+ testing accuracy on plant village Most of the plants are likely to affected by fungal infection.
dataset and 95%+ testing accuracy on actual environment
image. V. IMAGE CLASSIFICATION OVERVIEW

Abhinav Sagar, Dheeba Jacob et al 2020 [20] Compared 5- Deep Learning is an advancement of machine learning
different architectures for plant disease detection including inspired by human brain nervous system computation. Term
VGG16, RestNet50, Inception V3, InceptionResNet and ‘deep’ indicates deep layers, computation and interpretation
DenseNet169. The models are trained and test on Plant using statistical methods and vector operations. Internal
village dataset. Out these models it was concluded that workflow of deep learning models consisting of nodes holds
ResNet50 gave best results with accuracy of 98.2%, precision the data, arrow indicates numerical operations on data.
of 94%, Recall of 94% and F1 score of 94%. Artificial Neural Network are known as feed forward, where
Back propagation algorithm does both forward and backward
propagation.
III. COMPARATIVE STUDY
A. Artificial Neural Network (ANN)

In this section we have made a comparative study of various Artificial Neural Network resembles with human brain in
machine learning models for plant leaves disease detection. way of computing information or recognizing or interpreting
Table 1 shows accuracy of different models and techniques the information. Back Propagation Algorithm is an avid used
applied on different plants. technique in ANN. Flexibility in BPA is that error is
propagated in backward direction, parameters optimization
Table I. Comparison of different techniques discussed in literature survey depends on the error occurred in prediction using delta rule.
Error generated in prediction propagated backward to hidden
layers optimizer tries to optimize the parameters weights and

308

Authorized licensed use limited to: California State University Fresno. Downloaded on July 01,2021 at 00:18:40 UTC from IEEE Xplore. Restrictions apply.
2021 2nd International Conference on Intelligent Engineering and Management (ICIEM)

bias using partial derivative. Fig 1 shows the workflow of [3] N. Shah and S. Jain, “Detection of Disease in Cotton Leaf using
Artificial Neural Network,” Proc. - 2019 Amity Int. Conf. Artif. Intell.
ANN.
AICAI 2019, pp. 473–476, 2019, doi: 10.1109/AICAI.2019.8701311.
[4] M. S. B. Jagtap and M. S. M. Hambarde, “Agricultural Plant Leaf
Disease Detection and Diagnosis Using Image Processing Based on
Morphological Feature Extraction,” IOSR J. VLSI Signal Process.,
vol. 4, no. 5, pp. 24–30, 2014, doi: 10.9790/4200-04512430.
[5] L. Selvam and P. Kavitha, “Classification of ladies finger plant leaf
using deep learning,” J. Ambient Intell. Humaniz. Comput.,
no.0123456789, 2020, doi:10.1007/s12652-020-02671-y.
[6] S. Rophita Frankes and C. Seldev Christopher, “Disease
Identification in Spinach Leaves,” 2019 Int. Conf. Recent Adv.
Energy-Efficient Comput. Commun. ICRAECC 2019, 2019,
doi:10.1109/ICRAECC43874.2019.8995163.
Fig. 1. ANN Workflow [7] Q. Wu, K. Zhang, and J. Meng, “Identification of Soybean Leaf
Diseases via Deep Learning,” J. Inst. Eng. Ser. A, vol. 100, no. 4, pp.
659–666, 2019, doi:10.1007/s40030-019-00390-y.
B. Convolutional Neural Network (CNN) [8] A. Karlekar and A. Seal, “SoyNet: Soybean leaf diseases
classification,” Comput. Electron. Agric., vol. 172, no. November
Convolutional Neural Network, feature extraction made 2019, 2020, doi:10.1016/j.compag.2020.105342.
CNN more compatibility than ANN. ANN doesn’t extract [9] H. Durmus, E. O. Gunes, and M. Kirci, “Disease detection on the
leaves of the tomato plants by using deep learning,” 2017 6th Int.
feature during deep computation using deep hidden layers. Conf. Agro-Geoinformatics, Agro-Geoinformatics 2017, 2017,
Convolutional layers are of filters type they performes doi:10.1109/Agro-Geoinformatics.2017.8047016.
convolutional operations on given data to extract high level [10] D. Tiwari, M. Ashish, N. Gangwar, A. Sharma, S. Patel, and S.
features present in data, it is like filter is passed over the data. Bhardwaj, “Potato Leaf Diseases Detection Using Deep Learning,”
Proc. Int. Conf. Intell. Comput. Control Syst. ICICCS 2020, no.
Pooling layer using max pooling or mean pooling tries to Iciccs, pp. 461–466, 2020,
extract low level features from high level features extracted doi:10.1109/ICICCS48265.2020.9121067.
by convolutional layers. Fig 2 shows CNN workflow. [11] R. A. Sholihati, I. A. Sulistijono, A. Risnumawan, and E.
Kusumawati, “Potato Leaf Disease Classification Using
DeepLearning Approach,” IES 2020 - Int. Electron. Symp. Role
Auton. Intell. Syst.Hum. Life Comf., pp. 392–397, 2020,
doi:10.1109/IES50839.2020.9231784.
[12] S. Baranwal, S. Khandelwal, and A. Arora, “Deep Learning
Convolutional Neural Network for Apple Leaves Disease Detection,”
SSRN Electron. J., pp. 260–267, 2019, doi: 10.2139/ssrn.3351641.
Fig. 2. CNN Workflow [13] L. G. Nachtigall, R. M. Araujo, and G. R. Nachtigall, “Classification
of apple tree disorders using convolutional neural networks,” Proc. -
VI. FUTURE SCOPE AND CONCLUSION 2016 IEEE 28th Int. Conf. Tools with Artif. Intell. ICTAI 2016, pp.
472–476, 2017, doi: 10.1109/ICTAI.2016.75.
[14] X. Zhang, Y. Qiao, F. Meng, C. Fan, and M. Zhang, “Identification
Plant detection algorithms can be integrated with Mobile of maize leaf diseases using improved deep convolutional neural
application and IOT to build real time functioning which can networks,” IEEE Access, vol. 6, pp. 30370–30377, 2018,
monitor the crop and remind the farmers time to time to doi:10.1109/ACCESS.2018.2844405.
[15] S. Coulibaly, B. Kamsu-Foguem, D. Kamissoko, and D. Traore,
submit the reports for analyzing which will ultimately “Deep neural networks with transfer learning in millet crop images,”
Increase the production and reduce the chances of crop loss. Comput. Ind., vol. 108, pp. 115–120, 2019,
This paper unfolds the use of various Deep Learning doi:10.1016/j.compind.2019.02.003.
algorithms in plant disease detection and also gives an idea of [16] S. Mishra, R. Sachan, and D. Rajpal, “Deep Convolutional Neural
Network based Detection System for Real-time Corn Plant Disease
how various researchers used different Deep Learning Recognition,” Procedia Comput. Sci., vol. 167, pp. 2003–2010, 2020,
techniques to detect different plant diseases. The principal doi:10.1016/j.procs.2020.03.236.
objective of this paper is to mention an overview of how Deep [17] A. C. Cruz, A. Luvisi, L. De Bellis, and Y. Ampatzidis, “Vision-based
Learning techniques like CNN, GAN, ANN are used to detect plant disease detection system using transfer and deep learning,” 2017
ASABE Annu. Int. Meet., pp. 1–9, 2017, doi:
plant diseases and also evaluate their performances based on 10.13031/aim.201700241.
accuracy and other performance metrics. [18] M. O. Ramkumar, S. Sarah Catharin, V. Ramachandran, and A.
Sakthikumar, “Cercospora Identification in Spinach Leaves Through
REFERENCES Resnet-50 Based Image Processing,” J. Phys. Conf. Ser., vol. 1717,
p. 012046, 2021, doi:10.1088/1742-6596/1717/1/012046.
[1] J. N. Reddy, K. Vinod, and A. S. R. Ajai, “Analysis of Classification [19] A. T. Kalvakolanu, “Plant disease detection using deep learning,”
Algorithms for Plant Leaf Disease Detection,” Proc. 2019 3rd IEEE arXiv, no. April, 2020, doi: 10.35940/ijrte.A2139.059120.
Int. Conf. Electr. Comput. Commun. Technol. ICECCT 2019, pp. 1– [20] A. Sagar and J. Dheeba, “On Using Transfer Learning For Plant
6, 2019, doi: 10.1109/ICECCT.2019.8869090. Disease Detection,” no. June, pp. 0–8, 2020,
[2] S. P. Mohanty, D. P. Hughes, and M. Salathé, “Using deep learning doi:10.1101/2020.05.22.110957.
for image-based plant disease detection,” Front. Plant Sci., vol. 7, no.
September, pp. 1–10, 2016, doi:10.3389/fpls.2016.01419.

309

Authorized licensed use limited to: California State University Fresno. Downloaded on July 01,2021 at 00:18:40 UTC from IEEE Xplore. Restrictions apply.

You might also like