You are on page 1of 9

Proceedings of the Third International Conference on Intelligent Communication Technologies and Virtual Mobile Networks (ICICV 2021).

IEEE Xplore Part Number: CFP21ONG-ART; 978-0-7381-1183-4

A Review of Machine Learning Approaches in Plant


2021 Third International Conference on Intelligent Communication Technologies and Virtual Mobile Networks (ICICV) | 978-1-6654-1960-4/20/$31.00 ©2021 IEEE | DOI: 10.1109/ICICV50876.2021.9388488

Leaf Disease Detection and Classification


MAJJI V APPLALANAIDU G. KUMARAVELAN
Department of Computer Science Department of Computer Science
Pondicherry University Pondicherry University
Puducherry, India Puducherry, India
naidu.lolugu@gmail.com gkumarvelanpu@gmail.com

Abstract— To identify the recent advancements in the attempt to explore and summarize the various research
development of plant disease detection and classification system findings towards detecting and classifying leaf diseases using
based on Machine Learning (ML) and Deep Learning (DL) ML and DL algorithms. Meanwhile, some recent advances of
models. In this study, we have collected more than 45 papers popular DL models that are widely used to identify plant
published during the year 2017-2020 from the peer-reviewed diseases are also included in this proposed study. Furthermore,
journals of different databases such as Scopus and Web of the study identifies the various research gaps existing in the
Science analogous to the keywords such as plant disease existing literature to make the vision of symptoms experienced
identification, recognition, and classification using ML and DL in the plant leaf disease classification process in a clearer
algorithms. An organized way of analysis of various plant disease
sense. This paper has the following sections: Section II
classification models has been shown in well-formed tables. In
presents the detailed comparative analysis of the various
this paper, we have conducted a systematic literature study on
the applications of the state-of-the-art ML and DL algorithms
deployed state-of-the-art ML/DL algorithms in plant disease
such as Support Vector Machine (SVM), Neural Network (NN), identification and categorization. Section III explains the
K-Nearest Neighbor (KNN), Naïve Bayes (NB), other few popular details about the previous research results on different ML/DL
ML algorithms and AlexNet, GoogLeNet, VGGNet, and other models. Section IV concludes this paper along with future
few popular DL algorithms respectively for plant disease work directions..
categorization. Each stated algorithm is characterized through
the corresponding processing methods such as image II. CLASSIFICATION PRACTICE FOR PLANT DISEASE
segmentation, feature extraction, along with the standardized CATEGORIZATION
experimental-setup metrics such as total number of This section summarizes different ML and DL techniques
training/testing dataset employed, number of diseases under used in the plant disease classification system's
considerations, type of classifier utilized, and the percentage of
development process.
classification accuracy. This work will be a beneficial resource
for researchers to recognize any particular type of plant diseases
through data-driven approaches. The development of mobile- A. Analysis of ML algorithms for plant disease classification
based applications using the studied ML/DL approaches will
surely increase agricultural productivity. The authors of [7] suggested a method to classify the pea
plant's rust disease and healthy leaves. In image pre-
Keywords— Plant Disease Detection, Plant Disease
processing, Gaussian filters are applied to leaf images for
Classification, Machine Learning, Deep Learning, Image
Processing.
smoothing and to remove the noises. For enhancement of the
image, they performed a log transform to the Gaussian filtered
I. INTRODUCTION image. Later, Binary threshold segmentation methods have
Early detection of plant leaf infections is an essential task been used to divide the background and foreground parts of
in agriculture. For the leaf’s quality evaluation, various the image in black and white. Image erosion has also been
methods have been frequently employed, such as used to remove the structuring element defined by the binary
thermography, fluorescence imagery, affinity bio-sensor based threshold on the image. After performing the above-mentioned
on Deoxyribonucleic acid (DNA) /Ribonucleic acid (RNA), operations, now the picture consists of background and
chain reactions, chromatography of natural gas, and foreground only. Using the discrete wavelet transform method,
immunofluorescence. Inadequacy, inconsistency, and wavelet features were extracted from the segmented image
extension were the problems of the techniques mentioned and stored in the two-dimensional matrix. Lastly, the extracted
above. Thus, various researchers employed image processing features were applied to SVM as input and the classification is
with ML/DL algorithms to overcome those challenges. Studies performed with 89.6% accuracy. The authors of [8]
[1]-[6] show that image processing techniques are valuable investigated a technique to classify the five diseases of the
tools for recognizing and categorizing plant diseases. Banana leaf. They collected a total number of 106 images by
Recently, most of the research works in plant disease the digital camera. During the classification process, 60
identification and categorization focused towards only on the
images are used for training and 46 images are used for testing
direction of application of ML algorithms or DL algorithms.
Hence, according to our knowledge, this is the first research purpose. In the pre-processing step, they removed the
unwanted information of the image using various image pre-

978-1-6654-1960-4/21/$31.00 ©2021 IEEE 716

Authorized licensed use limited to: Western Sydney University. Downloaded on June 15,2021 at 22:52:13 UTC from IEEE Xplore. Restrictions apply.
Proceedings of the Third International Conference on Intelligent Communication Technologies and Virtual Mobile Networks (ICICV 2021).
IEEE Xplore Part Number: CFP21ONG-ART; 978-0-7381-1183-4

processing filters. They applied genetic algorithms to the pre- algorithm to remove the background and extracted the affected
processed image for segmentation to extract the diseased portion from the complex background leaf images of different
portion of the leaf. Later, they extracted color and texture capturing conditions. After that, LBP (Local Binary Pattern) is
features from the segmented image. Lastly, these extracted used to extract texture features from the segmented images
features are applied to SVM classifier as input and the and applied to one class classifier to classify the disease of
classification is performed with 95.7% accuracy. The authors various types of plant leaves with 95%of accuracy.
of [9] explored a novel model to classify the soybean leaves of
various diseases. They have collected 4775 images from the The authors of [13] suggested a model GAACO
plant village dataset in the format of JPEG for experimentation (Genetic_Algorithm and Ant_Colony_Optimization) with
purpose. During the classification process, 3341 images were TSVM( Transductive Support Vector Machine) to avoid the
used for training, and 1434 were used for testing purposes. In limitations of existing works such as low segmentation
pre-processing, they converted the RGB image to LAB color accuracy, high computational complexity and less success rate
space, in which it removes the background of the image for of disease classification. In the first phase, they converted the
further processing. Subsequently, the diseased portion of the RGB image to the grayscale image and calculated the
image was extracted by the k-means segmentation algorithm. histogram of the input image. In the second phase, they
Later, extracted texture and Color features from the segmented segmented the images by GAACO hybrid algorithm. In the
image are applied to the SVM classifier. In their development third phase, extracted the texture features from segmented
process, they divide the whole dataset into three models, like regions and stored them in a feature vector. Finally, helpful
model1, model2, and model3. Model1 uses 50% of the total features are hand over to the TSVM classifier to classify
images for training and testing, model2 uses 60% and 40% of pomegranate diseased leaves with 91.3% accuracy. The
the overall pictures for training and testing respectively, authors of [14] proposed a technique to classify the three
model3 uses 70% and 30% of the total images for training and diseases of the paddy leaves using SVM. To separate the
testing purpose. Among the three models, the highest affected part from the leaf, the authors used the k-means
classification accuracy is achieved by model3 with 62.53%. segmentation method. They extracted color, texture, and shape
features and stored their respective values in the feature vector
The authors of [10] developed a system to classify the grape matrix. Finally, the SVM classifier uses the extracted features
leaves of the various diseases. The total numbers of 400 to classify paddy leaf diseases with an accuracy of 92%. The
images were collected from a well-known benchmark plant authors of [15] applied the GLCM (Gray Level Co-occurrence
village dataset. During the classification process, the training Matrix) method to identify various diseases in the citrus leaf
was performed using 225 images and testing was performed using texture features. First, they do the color space
using 175 images. In their model construction, they initially conversion to enhance the images. Later, the diseased portion
resized the images and converted the images from RGB to of the image selected by the k-means clustering algorithm.
grayscale for faster computation. The proposed method Finally, the four extracted texture features from the GLCM
extracted the features using fermy zernic moments approach method are applied to the SVM classifier and provides the
and stores the values in the feature matrix. Later the stored classification accuracy of 90%. The authors of [16] developed
feature values were applied to the SVM classifier and shown a system to classify the diseases of palm oil leaves using a
the classification accuracy of 97.3%. The authors compared Multiclass SVM classifier. Initially, they contrasted the image
the proposed model with NN, Fuzzy set theory algorithms and by image enhancement followed by the application of the k-
concluded that the recommended model gets the top accuracy. means segmentation algorithm for segmentation purpose to
The authors of [11] discussed a technique for the classification divide the unhealthy region of the leaf image. Later, the
of two diseases of potato leaves. They have collected 300 thirteen extracted shape, texture, and color features from the
potato leaf images from the plant village dataset. During segmented images are applied to the Multiclass SVM
classification, they used 180 images for training and 120 classifier and reported an accuracy of 95%.
images for testing purpose. The MATLAB color threshold app
is used for image segmentation. After applying this app, they The authors of [17] proposed a model to classify two diseases
are able to remove the background, green pixels from the of maize leaf using SVM and K-NN. They applied eight Haar
diseased leaf, and remains with only an unhealthy region of wavelet features and eighteen histogram features to K-NN and
interest. Subsequently, the extracted texture and color features SVM to perform the classification and showed an accuracy of
from the segmented images are stored in the feature vector 85% and 88% respectively. The authors of [18] recommended
was applied to the Multiclass SVM classifier to perform a model to classify three diseases of potato plant leaves using
classification with an accuracy of 95%. The authors of [12] seven ML algorithms. Initially, preprocessing is applied to 450
investigated a system for the classification of black rot, images to resize the images and passed to the next phase,
powdery mildew, and downy mildew diseases of different image segmentation. In this phase, the diseased portion of the
crop leaves. To avoid the limitations of the extrinsic factors image is extracted using the color threshold segmentation
(capturing conditions and image background) and intrinsic method. Later, from the segmented images Humoment,
factors (similar symptoms of different disorders and image Haralic, and Histogram features were extracted. Finally, they
segmentation), they applied the Grabcut segmentation applied the extracted features to seven ML algorithms such as

978-1-6654-1960-4/21/$31.00 ©2021 IEEE 717

Authorized licensed use limited to: Western Sydney University. Downloaded on June 15,2021 at 22:52:13 UTC from IEEE Xplore. Restrictions apply.
Proceedings of the Third International Conference on Intelligent Communication Technologies and Virtual Mobile Networks (ICICV 2021).
IEEE Xplore Part Number: CFP21ONG-ART; 978-0-7381-1183-4

Random Forest (RF), Logistic Regression (LR), KNN, DT, The authors of [20] explained a model to identify and
NB, Linear Discriminant Analysis (LDA), and SVM to categorize Brown Spot and Leaf Blast diseases of paddy leaf.
perform the classification. Among all the classifiers, the RF Initially, they segmented the image by the Global threshold
classifier was proven with the highest accuracy of 97%. The method to split the diseased area of the leaf image. After that,
authors of [19] explained a model to classify three diseases of they extracted four geometric features from the segmented
soybean leaves using SVM. They applied image preprocessing images were submitted to the KNN classifier. During the
filers to remove unwanted information from the images. Using evaluation of the model, 198 images were used for training
the k-means method, the affected region of the leaves has been and 132 images were used for testing. KNN classify the
extracted. They extracted the four color and seventeen texture diseases of paddy leaf with 76.59% of accuracy. The authors
features from the segmented images and submitted them to the of [21] proposed a technique to categorize the diseases of the
SVM. Finally, SVM performs the classification to classify different plant leaves. In this method, the extracted four
various soybean diseases with an accuracy of 95%. The texture and two color features from the diseased leaf images
summary of all the ML algorithms are shown in Table I. are applied to the KNN classifier. Finally, KNN performs the
classification successfully with 96.76% of accuracy.
TABLE I. SUMMARY OF THE ML ALGORITHM BASED ON CLASSIFICATION
ACCURACY
The authors of [22] introduced a technique to classify the
various plant leaf diseases. This proposed method contains
Ref Year Segmenta Feature Trainin NOD CT CA two parts. In the first part, the ring-based segmentation
tion s g-
Testing
algorithm is applied to the images to extract the leaf image's
[10] 2019 NA Fraction 225-175 3 SVM 97.3 color intensity features. In the second part, they applied those
al order features to the Probabilistic Neural Network (PNN) classifier
Zernike to classify the healthy and diseased leaves of various plants.
moment The authors of [23] recommended a model to categorize the
s
[18] 2020 Color Hu 450-100 3 RF 97 diseases of cotton plant leaf using Neural Network. They
threshold momen, generated the dataset from the actual fields of Nagpur. They
Haralic, applied an unsharp filter to enhance the edges of the leaf in the
histogra preprocessing stage. Otsu segmentation algorithm has been
m
[21] 2019 Color Texture, NA 5 KNN 96.76 used to extract a diseased portion from the preprocessed
threshold Color images. Later, nine color, four shape, and twenty-two texture
[8] 2017 Genetic Color, 60-46 5 SVM 95.7 features were derived from the segmented images and then
Algorithm Texture submitted to the Feed Forward Back Propagation Neural
[23] 2019 Otsu Color, 70-30 3 NN 95.48
Texture,
Network (FFBPNN) classifier. Finally, the classifier showed a
Shape classification accuracy of 95.48%. The authors of [24]
[11] 2017 Color Color, 180-120 2 SVM 95 developed a novel technique to identify the diseases of various
threshold Texture plant leaves using Multiple Linear Regression (MLR). In the
[12] 2018 Grabcut Texture NA 3 SVM 95 pre-processing phase, they selected all the image edges by
[16] 2018 k-means Texture, NA 2 SVM 95
Color,
edge detection techniques to detach the leaf from the
Shape background. They used spatial domain image denoising to
[19] 2019 k-means Shape, 794-300 3 SVM 95 remove the noise from the image. In the segmentation phase,
Texture, the authors introduced an improved histogram technique to
Color avoid the manual calculation of threshold value. This method
[14] 2018 k-means Color, NA 3 SVM 92
Shape, calculates the threshold value automatically. They used this
Texture segmentation method to separate the unhealthy leaf region.
[13] 2019 GAACO Texture NA 4 TSV 91.3 Later, they extracted the texture, shape, and color features
M from the infected area of the leaf image. Finally, MLR uses all
[22] 2017 Ring Color, NA NA NN 90
Intensity
the extracted features and performs classification with an
[15] 2018 k-means Texture 60 NA SVM 90 accuracy of 90%.
[24] 2018 Improved Color, NA NA MLR 90
histogram Texture, B. Analysis of DL models for plant disease classification
Shape
[7] 2018 Binary Wavelet NA-500 1 SVM 89.6
threshold
The authors of [25] defined Convolutional Neural Networks
[17] 2019 NA Texture NA 2 SVM 88 (CNN) to categorize the diseases of tobacco leaves with 120
[20] 2017 Otsu Geomet 198-132 2 KNN 76.5 images. The authors compared the proposed model results to
ric other existing models and concluded that their model has
[9] 2018 k-means Color, 3341- 3 SVM 62.53 shown the best performance accuracy with 85.10%. The
Texture 1434
authors of [26] proposed three variants of “deep learning
*NOD means Number of Diseases, CT means Classification meta-architectures”, namely Faster Region-based
Technique, CA means Classification Accuracy.

978-1-6654-1960-4/21/$31.00 ©2021 IEEE 718

Authorized licensed use limited to: Western Sydney University. Downloaded on June 15,2021 at 22:52:13 UTC from IEEE Xplore. Restrictions apply.
Proceedings of the Third International Conference on Intelligent Communication Technologies and Virtual Mobile Networks (ICICV 2021).
IEEE Xplore Part Number: CFP21ONG-ART; 978-0-7381-1183-4

Convolutional Neural Network (Faster R-CNN), Region-based to detect 59 diseases of different crops. This method has the
Fully Convolutional Network (R-FCN), and Single Shot capability of automatically identifying plant diseases and
Multibox Detector (SSD) to classify nine diseases of tomato communicates symptomatic outcome to the farmers. This
plants. They applied different techniques, such as data model has three dimensions: fine-grained disease, species, and
augmentation and feature extraction, to decrease false coarse-grained disease. They conducted experiments using the
positives and improve accuracy while training. The proposed Keras framework, and achieved better accuracy of 85.22%.
model achieves an accuracy of 83.6%. The authors of [27]
trained two architectures (GoogLeNet and AlexNet) to classify The authors of [36] presented a method to categorize the six
nine diseases of tomato leaves. Initially, they applied the diseases of a soybean leaf. The images were taken by
preprocessing for all images to resize the images and to unmanned aerial vehicles (UAV). They applied different
remove the image background information. Later, the model methods, such as data augmentation and dropout, to avoid
applied the features to the classification layer to classify the over-fitting throughout the network training. They used
various tomato plant leaf diseases with 99.18% accuracy. various techniques such as fine-tuning and transfer learning to
achieve 99.04% accuracy. The authors of [37] suggested a
The authors of [28] recommended a model to classify ten new data augmentation method to classify five diseases of
diseases of tomato plant leaves using AlexNet and tomato leaf images using GoogLeNet. The model achieved
SqueezeNet. In this case, the authors conducted training and 94.33% accuracy by modifying the CNN architecture,
validation for both these deep learning networks. However, selecting different generative adversarial networks, and
among these two models, AlexNet achieves an accuracy of adjusting the hyper-parameters. The authors of [38] proposed
95.65%. The authors of [29] proposed an improved Cifar10 a new CNN algorithm to classify diseased and healthy leaf of
and GoogLeNet models to classify the nine diseases of maize mango plant leaves with a total of 2200 images. They
plant leaves. They applied different methods such as altering achieved a classification accuracy of 97.13%. The authors of
the dropout operations, accumulation pooling combinations, [39] proposed an improved CNN to classify five diseases of
adjusting the parameters, and rectifying linear unit functions. the apple leaf dataset. They combined real field images and
Finally, they concluded that the GoogLeNet model achieved laboratory images using image annotation and data
an accuracy of 98.9%. The authors of [30] introduced a new augmentation techniques and concluded that the proposed
Deep Convolutional Neural Network (DCNN) model to model achieves 78.80% of mAP (mean average precision).
classify ten rice plant diseases of 500 natural images. They The authors of [40] proposed the DenseNet-121 model to
trained the model with cross-validation of a 10-fold strategy classify five diseases for apple plant leaf with three loss
and achieved an accuracy of 95.48%. The authors of [31] functions. The model gives better results using loss functions
suggested a CNN model to classify two diseases of than cross-entropy. The authors of [41] suggested a MobileNet
pomegranate of real-time plant leaves. The authors concluded Convolutional Neural Network (MCNN) to classify six crops,
that the proposed model with real-time data achieved a higher twenty-seven diseases using an automatic Grabcut image
accuracy of 88.7% and reduced the misclassification rate. segmentation algorithm. They designed a method for mobile-
based smart devices to detect cash crop diseases. The authors
The authors of [32] suggested a model to classify three concluded that the proposed method has a correct
diseases of rice plants of 600 images. They used the AlexNet identification rate of over 80%. The authors of [42] proposed a
model with transfer learning algorithm and achieved an model to detect five cassava leaf diseases with class labeled
accuracy of 91.23%. The authors of [33] tested various CNN 10000 images collected. They concentrated on class weight,
architectures on plant village datasets using three learning focal loss, and SMOT (Synthetic Minority Over-sampling
strategies for the classification of plant disease. The Technique) to achieve over 93% accuracy. The authors of [43]
Inceptionv3 model achieved an accuracy of 99.76%. developed an INC-VGG model to classify rice and maize
Moreover, they have a proposed method to know and diseases. In this proposed model, the last two VGG-19 layers
understand the CNN classification method using saliency were replaced by the two Inception modules to improve the
maps as a visualization tool. This model improves the ability of the feature extraction. This new model showed the
transparency among the DL models and gives more insight best results with rice and maize as compared with original
into plant disease symptoms. The authors of [34] explored a networks. The authors of [44] proposed a CNN model named
technique to categorize the four diseases of grape plant leaf as depth-wise separable to classify the diseases of various
using Leaf Generative Adversarial Networks (LGAN). This plant leaves. They used MobileNet to achieve the
model showed better performance than other GAN models classification accuracy of 98.34% using fewer parameters than
such as Deep Convolution Generative Adversarial Networks VGGNet. The authors of [45] suggested a deep learning model
(DCGAN) and Wasserstein Generative Adversarial Networks to classify millet diseases using transfer learning with feature
(WGAN). They conducted experiments on the Pytorch extraction. They have used 124 millet leaf images, and the
framework using eight deep learning models. Among them, experiments are carried out on the Keras framework with an
XceptionNet achieved better accuracy of 98.70%. The authors accuracy of 95%. The summary of all the DL models are
of [35] developed a novel model MDFC–ResNet (Multi- presented in Table II.
Dimensional Feature Compensation Residual Neural Network)

978-1-6654-1960-4/21/$31.00 ©2021 IEEE 719

Authorized licensed use limited to: Western Sydney University. Downloaded on June 15,2021 at 22:52:13 UTC from IEEE Xplore. Restrictions apply.
Proceedings of the Third International Conference on Intelligent Communication Technologies and Virtual Mobile Networks (ICICV 2021).
IEEE Xplore Part Number: CFP21ONG-ART; 978-0-7381-1183-4

TABLE II. SUMMARY OF THE DL MODELS BASED ON CLASSIFICATION mean average precision (mAP). The authors of [49] proposed
ACCURACY
an improved YOLOv3 model to detect the location and
classify tomato plant diseases under natural conditions. They
have conducted experiments on the CaffeNet and darknet
Ref Year Name of the NOD Training- DL Model CA
framework and showed 92.39% of accuracy. The authors of
Plant Testing [50] implemented a framework Filter Bank to classify the
[33] 2018 14 crops 38 43444- Inceptionv3 99.76 tomato plant diseases. The system consists of three units: The
10862 first unit detects the infected area's location and class by
[46] 2018 25 crops 58 70300- VGG 99.53 creating the bounding boxes. The second unit eliminates the
17548
[27] 2017 Tomato 9 14828 AlexNet, 99.18
misclassified samples by the CNN Filter Bank. Lastly, the
GoogleNet third unit merges the data such as True Positive and False
Positive samples from the first and second units. The proposed
[36] 2020 Soya bean 6 2100-900 Inceptionv3 99.04
[29] 2018 Maize 9 400-100 Improved 98.9
model archived an accuracy of 96%.
GoogleNet
[34] 2020 Grape 4 3655-407 Xception 98.7 III. DISCUSSIONS
[44] 2020 24 crops 55 73944- MobileNet 98.65
8217 A. Datasets
[38] 2020 Mango 1 1760-440 MCNN 97.13
[47] 2020 Wheat 3 8178 ResNet 96 In all the experimental setup of the researchers, ML
[50] 2020 Tomato 10 5000 Refined CNN 96 algorithms have been experimented with lesser number of
Filter Bank inputs in their dataset in turn comparison with the DL
[28] 2017 Tomato 10 5000 AlexNet, 95.5 algorithms to detect and classify plant diseases. Most of the
SqueezeNet
[30] 2017 Rice 10 500 DeepCNN 95.48
authors used the plant village dataset, in which the images
[45] 2019 Millet 1 99-25 VGG16 95
were taken under a controlled environment. However, the
[37] 2020 Tomato 5 1200-300 GoogleNet 94.33 trained model in the controlled environment fails when the
[40] 2020 Rice 6 1969-493 Densenet121 93.71 model is tested on the uncontrolled environment. For this
[42] 2020 Cassava 5 10000 CNN 93 reason, to improve the accuracy of these models,
[49] 2020 Tomato 12 15000 Improved 92.39 experimentation using the real-time images is needed. So the
YOLOv3 researchers must focus on the real-time image dataset.
[43] 2020 Rice and Rice -5 350-150 INC-VGG19 92 Recently, hyper-spectral dataset has used by some of the
Maize Maize-4 349-117 researchers in this domain, which shows better performance.
[32] 2018 Rice 3 600 AlexNet 91.3 The summary of the datasets used by the various researchers is
[31] 2017 Pomegranate 2 1030 CNN 88.7 shown in Fig 1.
[35] 2020 Different 59 54185- MDFC- 85.22
crops 4540 ResNet
[25] 2018 Tobacco 3 120 CNN 85.10 B. Image segmentation
[41] 2020 6 crops 27 34264- Mobilenet 84.83
3807
[26] 2017 Tomato 10 4500-500 VGG Net 83.6
From the table III, except for GAACO, all other segmentation
ResNet algorithms have some limitations in the segmentation phase.
[48] 2020 Grape 4 4449 Inception- 81.1 Every segmentation algorithm and its limitations discuss in
Resnet detail. K-means is the most popular segmentation method has
[39] 2019 Apple 5 19782- VGG- 78.8 used in the segmentation phase. This method has detected the
6595 Inception diseased portion of the leaf images efficiently. However, it has
limitations, such as the prediction of the k-value is difficult
*NOD means Number of Diseases, CA means Classification during the segmentation phase. Hence, it isn't easy to
Accuracy. repeatedly give the value of k by the researcher for the large
data sets throughout the training phase. Next to the Active
The authors of [46] recommended a model to classify fifty- contour segmentation algorithm, it is more efficient to find the
eight diseases of twenty-five crops using VGGNet. They have leaf image's affected portion. But it takes more time for the
conducted the experiments on torch framework and achieved completion of the segmentation process. To avoid this
99.5% of classification accuracy. The authors of [47] proposed problem, the Otsu segmentation algorithm has been used
DCNN to classify the fungal diseases of the wheat plant because it is quite fast as compared to the Active contour.
leaves. They collected real-time images at different locations Still, the problem is threshold value is calculated manually.
in three consecutive years and achieved an accuracy of 96%. Thus, an improved histogram has been used to detect the leaf
The authors of [48] proposed improved DCNN to classify four image's diseased portion because the threshold value was
diseases of the grape leaf in a real-time environment. During calculated automatically. However, it reduced the disease
experimentation, they have used 4449 grape leaf images. The detection rate due to the binary approach threshold value.
Inception-ResNet-v2 module showed better results with 81.1%

978-1-6654-1960-4/21/$31.00 ©2021 IEEE 720

Authorized licensed use limited to: Western Sydney University. Downloaded on June 15,2021 at 22:52:13 UTC from IEEE Xplore. Restrictions apply.
Proceedings of the Third International Conference on Intelligent Communication Technologies and Virtual Mobile Networks (ICICV 2021).
IEEE Xplore Part Number: CFP21ONG-ART; 978-0-7381-1183-4

Fig 1. Summary of the Dataset used by the Researchers

Usage of Datasets
9 8
8
7
Researchers

6 5 5
5 4 4
4 3 3
3 2 2 2 2
2 1 1 1 1 1 1 1 1 1 1 1 1 1
1 Researchers
0

Corn
Groundnuts

Palm oil

Cotton
Potato
Citrus

Pea

Tobacco
Bitter gourd

Beans
Cucumber

Grapes
Rice
other plants

Tomato
wheat
Chilly

Pomegranate
Okara
Brinjal
Apple

Millet

Paddy
Banana

Datasets

TABLE III. THE SUMMARY OF SEGMENTATION TECHNIQUES WITH STRENGTHS background. However, the entire object is not covered due to
AND WEAKNESSES
the small bounding box initiated earlier. To avoid this
S.NO Segmentation Strengths Weaknesses problem combination of algorithms, GAACO has been
technique
introduced in the segmentation phase, and it extracts the
1 K-means It is efficient method Prediction of K-
to detect diseased value is difficult. diseased portion of the leaf image accurately. Therefore
portion. researchers should apply a combination of different
2 Active Contour High accuracy Low processing segmentation algorithms on the images and except the better
time feature values from the segmented images to achieve better
3 Otsu Faster in Threshold values
computation must be calculated
classification accuracy.
manually.
4 Improved Automatic Reduces disease C. Feature extraction
Histogram generation of detection rate.
threshold value.
5 Genetic Fully automatic Takes more
All the deployed ML algorithms for the plant disease
Algorithm processing time. classification task require a feature extraction mechanism.
However, this feature extraction method is not needed for DL
6 Grab cut No special If the bounding box models. Due to this reason, most of the plant disease detection
background is is too small then the and classification systems work on deep learning framework
needed. objects parts outside
It is operational and of the bounding box recently. The summary of the features handled by the feature
more robust will be get ignored. extraction techniques has presented in Table IV.
Special conditions
need not required. TABLE IV. THE SUMMARY OF FEATURE EXTRACTION TECHNIQUES
7 GAACO Ensures optimal --
(Genetic result S.No Features Technique
Algorithm Ant 1 Color Color Co-occurrence Matrix(CCM)
Colony 2 Texture Gray Level Co-occurrence
Optimization). Matrix(GLCM)
3 Shape Minimum Enclosing
Rectangle(MER)
To avoid this problem, the Genetic Algorithm has been 4 Color, Texture Color Co-occurrence Matrix(CCM)
introduced in the segmentation phase. It is fully automatic, 5 Color, Shape, CCM,GLCM
detects the diseases accurately, and works in friendly Texture
environment conditions such as light and shadow. But the 6 Other features Discrete Wavelet Transform(DWT)
major problem is it takes more processing time. To avoid this Scale Invariant Feature
Transform(SIFT)
reason, Grabcut algorithm has introduced in the segmentation
phase. It is operational and more robust. Special conditions
D. Classification
need not required, and also it does not require any particular

978-1-6654-1960-4/21/$31.00 ©2021 IEEE 721

Authorized licensed use limited to: Western Sydney University. Downloaded on June 15,2021 at 22:52:13 UTC from IEEE Xplore. Restrictions apply.
Proceedings of the Third International Conference on Intelligent Communication Technologies and Virtual Mobile Networks (ICICV 2021).
IEEE Xplore Part Number: CFP21ONG-ART; 978-0-7381-1183-4

The following Table V shows various types of ML classifiers TABLE VI. COMPARISON OF DL TECHNIQUES WITH LIMITATIONS
with strengths and weaknesses presented in this paper. After S.N DL Number Paramete Classifica Limitations
comparing all ML algorithms, it is found that more time is o algorith of rs in tion
required for training and testing. In addition, all the ML ms Layers millions accuracy
(%)
algorithms are not suitable for large data. To avoid these 1 AlexNet 8 60 95.5 Over-fitting
problems, researchers have been implemented this system problem.
using DL algorithms.
2 VGGNet 16 138 99.53 Computationall
y expensive and
TABLE V. COMPARISON OF CLASSIFICATION TECHNIQUES WITH STRENGTHS difficult to
AND WEAKNESSES
deploy on low
resource
S.No ML Strengths Weaknesses systems.
algorithms 3 GoogLe 22 5 99.35 Reduction of
1 SVM It has good potential for It requires longer Net feature space in
weed identification. training and testing the hidden
if the performance layers may
of the segmentation results in loss of
is slow. information.
It is not suitable for 4 Inceptio 48 24 99.76 Architecture
large dataset. nv3 design is
2 KNN Prior knowledge of Selecting k-value is difficult to
training need not required difficult. comprehend.
It reduces the recognition It does not work for 5 ResNet 50 26 96 Many layers
time and high dimensional may contribute
Computational data. to very little or
complexity. no information.
3 NB Simple classifier, high It works on the 6 Xceptio 71 23 98.7 Computational
accuracy, and speed with offline data only. nNet cost is more.
large database.
4 BPNN High accuracy. More training time From the analysis of Table I and Table II, in concern to each
is required
5 DT High accuracy. Over fitting examined ML/DL algorithms, the major limitations are as
problem, needs follows: 1) Visual symmetries in the symptoms of the diseases
more training time. are not properly addressed. 2) Higher accuracy obtained
6 RF High accuracy, It requires more
Handles missing values, computational
through the DL models using CNN architecture, which are
Violates over fitting power and training trained with a smaller dataset provides inaccurate results. 3)
problem. time. For each examined DL model, training and testing require
more images to achieve the best accuracy.
Table VI shows the comparison of various DL algorithms
presented in this paper. The DL models are used in the IV. CONCLUSIONS
classification of plant disease, such as VGGNet, AlexNet,
This review provides a comparative analysis of various state-
ResNet, Inceptionv3, GoogLeNet, and XceptionNet. The
of-the-art ML and DL algorithms to identify and categorize
present trend explains that enhance the strength of the DL
plant leaf diseases. Finally, the following potential areas for
model by rising the layer depth, such as AlexNet has eight
further investigations are as follows: 1) It would be of great
layers, VGGNet16 has 16 layers, GoogLeNet has 22 layers,
importance to diagnose a specific stage of a plant leaf disease.
Inceptionv3 has 48 layers, ResNet has 50 layers, and
2) The analysis would be useful to control the number of
XceptionNet has 71 layers. Some DL models such as AlexNet
chemicals to be applied in an accurate quantification. 3) An
and VGGNet have few layers with large number of parameters
online system should be needed for identifying and classifying
have shown the classification accuracy of 95.5% and 99.53%
all plant diseases. 4) To develop a system to detect an infected
respectively. Recent developments at the DL model show that
leaf due to loss of nutrient deficiency. 5) More research
new models such as inceptionv3, ResNet, and XceptionNet
investigations must also be needed to carry out the analysis on
have great depth with a fewer parameters. They have achieved
the backside of the leaf. 6) Inclusion of real-time images
the classification accuracy of 99.76%, 96%, and 98.7%
should be used for accurate detection of diseases of the plant
respectively. The least number of parameters in GoogLeNet
leaf. 7) Image collection under mixed lighting conditions can
with more layers showed 99.35% classification accuracy. To
be addressed. 8) Automatic severity estimation of detected
avoid limitations of the DL algorithms presented in the table
diseases can be measured. 9) To develop a system to extract
VI, the researchers should implement these systems using the
the desired affected area from the image's complex
combination of ML and DL algorithms. background. 10) More research attempts are needed to detect
the diseases of the other parts of the plants like stems. 11)
More research is needed on pest recognition.

978-1-6654-1960-4/21/$31.00 ©2021 IEEE 722

Authorized licensed use limited to: Western Sydney University. Downloaded on June 15,2021 at 22:52:13 UTC from IEEE Xplore. Restrictions apply.
Proceedings of the Third International Conference on Intelligent Communication Technologies and Virtual Mobile Networks (ICICV 2021).
IEEE Xplore Part Number: CFP21ONG-ART; 978-0-7381-1183-4

REFERENCES
[16]. ANI. Masazhar and MM. Kamal. “Digital image processing technique
for palm oil leaf disease detection using multiclass SVM classifier”,
[1]. M.Nagaraju and C. Priyanka. “Systematic Review of Deep Learning 2017 IEEE International Conference Smart Instrumentation Measure
Techniques in Plant Disease Detection”, International Journal of Application. Pp.1–6, 2018.
Systems Assurance Engineering and Management. Vol. 11, no.3, pp.
547–560, 2020. [17]. AS. Deshapande, SG. Giraddi, KG. Karibasappa and SD. Desai. “Fungal
Disease Detection in Maize Leaves Using Haar Wavelet Features”,
[2]. S. Kaur, P. Shreelekha and G. Shivani. “Plants Disease Identification and Information and Communication Technology for Intelligent Systems,
Classification Through Leaf Images: A Survey”, Archives of Smart Innovation, Systems and Technologies. Springer. Pp. 275-286,
Computational Methods in Engineering. Vol. 26, No.2, pp. 507–530, 2019.
2019.
[18]. A. Iqbal and KH. Talukder. “Detection of Potato Disease Using Image
[3]. TU. Rehman, M. Md Sultan, K. Young Chang, J. Jian and J. Shin. Segmentation and Machine Learning”, IEEE international conference.
“Current and Future Applications of Statistical Machine Learning pp. 43–47, 2020.
Algorithms for Agricultural Machine Vision Systems”, Computers and
Electronics in Agriculture. Vol.156, pp.585–605, 2019. [19]. D. Aparajita, A. Dey and KN Dey. “Automatic Multiclass Classififation
of Foliar Leaf Diseases Using Statistical and Color Feature Extraction
[4]. HS. Muhammad, P. Johan and MA. Khalid. “Plant Disease Detection and and Support Vector Machine”, Computance Intelligence and
Classification by Deep Learning”, Plants. Vol. 8,No.468, pp.1-22, Computatinal Business Analysis.Springer. pp. 3-15, 2019 .
2019. [20]. M. Suresha, KN. Shreekanth, and BV. Thirumalesh. “Recognition of
diseases in paddy leaves using knn classifier”, 2nd IEEE International
[5]. A. Kamilaris, X. Francesc, and Prenafeta-Boldú. “Deep Learning in Conference Convergence Technology. pp. 663–666, 2018.
Agriculture: A Survey”, Computers and Electronics in Agriculture.
Vol. 147, pp. 70–90, 2018. [21]. E. Hossain, MF. Hossain and MA. Rahaman. “A Color and Texture
Based Approach for the Detection and Classification of Plant Leaf
[6]. G. Dhingra, V. Kumar, and HD. Joshi. “Study of Digital Image Disease Using KNN Classifier”, 2nd IEEE,International Conference
Processing Techniques for Leaf Disease Detection and Classification”, Electronic Computer Communication Engineering. pp. 1–6, 2019.
Multimedia Tools and Applications. Vol. 77, No.15, 2018.
[22]. P. Soni and R Chahar. “A segmentation improved robust PNN model for
[7]. K. Singh, S. Kumar and P. Kaur. “Support vector machine classifier based disease identification in different leaf images”, 1st IEEE International
detection of fungal rust disease in Pea Plant (Pisamsativam)”, Conference Power Electronics Intelligence Control Energy Systems.
International Journal of Information Technology. 2018. Pp. 1-5, 2017.

[8]. V. Singh and AK. Misra. “Detection of plant leaf diseases using image [23]. P. R. Rothe and J.P. Rothe. “Intelligent Pattern Recognition System with
segmentation and soft computing techniques”, Information Processing Application to Cotton Leaf Disease Identification”, Innovations in
Agriculture. Vol. 4, No.1,pp. 41–49, 2017. Computer Science and Engineering. Springer. Pp. 19-27, 2019.

[9]. S. Kaur, S. Pandey and S. Goel. “Semi-automatic leaf disease detection [24]. G. Sun, X. Jia and T. Geng. “Plant Diseases Recognition Based on
and classification system for soybean culture”, IET Image Processing. Image Processing Technology”, Journal of Electrical and Computer
Vol. 12, No. 6, pp.1038–1048, 2018. Engineering. pp. 1–8, 2018.

[10]. P. Kaur, HS. Pannu and AK. Malhi. “Plant disease recognition using [25]. D. Siva Krishna and V. Prasad. “A Novel and Proposed Comprehensive
fractional-order Zernike moments and SVM classifier”, Neural Methodology Using Deep Convolutional Neural Networks for Flue
Computing and Application. 2019. Cured Tobacco Leaves Classification”, International Journal of
Information Technology. Vol.11, No. 1, pp. 107–17 2019.
[11]. M. Islam, A. Dinh, K. Wahid, and P. Bhowmik. “Detection of potato
diseases using image segmentation and multiclass support vector [26]. F. Alvaro, Y Sook, CK Sang and SP Dong. “A Robust Deep-Learning-
machine”, In: Electrical and Computer Engineering (CCECE), 2017 Based Detector for Real-Time Tomato Plant Diseases and Pests
IEEE 30th Canadian Conference on. IEEE. pp. 1–4, 2017. Recognition”, Sensors. Pp. 1-21, 2017.

[12]. XE. Pantazi, D. Moshou and AA. Tamouridou. “Automated leaf disease [27]. M. Brahimi, B. Kamel and M. Abdelouahab. “Deep Learning for
detection in different crop species through image features analysis and Tomato Diseases: Classification and Symptoms Visualization”, Applied
One Class Classifiers”, Computersand Electronics in Agriculture. Artificial Intelligence. Vol. 31,No. 4, pp. 299–315, 2017.
Vol.156, pp. 96–104, 2018.
[28]. H. Durmus, G. Ece Olcay and K. Murvet. “Disease Detection on the
[13]. MH. Ahmed, T. Islam and RR. Ema. “A New Hybrid Intelligent Leaves of the Tomato Plants by Using Deep Learning”, 6th
GAACO Algorithm for Automatic Image Segmentation and Plant Leaf International Conference on Agro-Geoinformatics, Agro-
or Fruit Diseases Identification Using TSVM Classifier”, 2nd IEEE Geoinformatics. Pp. 1-5, 2017.
International Conference Electronic Computer. Communication
Engineering. pp. 1–6, 2019. [29]. X. Zhang, Qiao YUE, M Fanfeng, F Chengguo and M Zhang.
“Identification of Maize Leaf Diseases Using Improved Deep
[14]. FT. Pinki, N. Khatun and SMM Islam. “Content based paddy leaf Convolutional Neural Networks”, IEEE Access. Pp. 1-8, 2018.
disease recognition and remedy prediction using support vector
machine”, 20th IEEE International Conference Computer science [30]. L. Yang, Yi. Shujuan, Nianyin Zeng, Yurong Liu and Yong Zhang.
Information Technology. pp. 1–5, 2018. “Identification of Rice Diseases Using Deep Convolutional Neural
Networks”, Neurocomputing. Pp. 378–84, 2017.
[15]. R. MeenaPrakash, GP. Saraswathy, G. Ramalakshmi, KH.
Mangaleswari and T. Kaviya. “Detection of leaf diseases and [31]. L. Jain L MA. Harsha Vardhan, ML. Nishanth, SS. Shylaja. “Cloud-
classification using digital image processing”, Proceedings of 2017 Based System for Supervised Classification of Plant Diseases Using
IEEE International Conference Innovation Information Embedded Convolutional Neural Networks”, Proceedings - 2017 IEEE
Communication System. pp. 1–4, 2018. International Conference on Cloud Computing in Emerging Markets.

978-1-6654-1960-4/21/$31.00 ©2021 IEEE 723

Authorized licensed use limited to: Western Sydney University. Downloaded on June 15,2021 at 22:52:13 UTC from IEEE Xplore. Restrictions apply.
Proceedings of the Third International Conference on Intelligent Communication Technologies and Virtual Mobile Networks (ICICV 2021).
IEEE Xplore Part Number: CFP21ONG-ART; 978-0-7381-1183-4

Pp. 63–68, 2018.


[47]. Picon, A, Aitor Alvarez-gila, Maximiliam S, Amaia Ortiz-barredo, Jone
[32]. R. Ronnel and Daechul Park. “A Multiclass Deep Convolutional Neural Echazarra and J Alexander. “Deep Convolutional Neural Networks for
Network Classifier for Detection of Common Rice Plant Anomalies”, Mobile Capture Device-Based Crop Disease Classification in the
International Journal of Advanced Computer Science and Applications. Wild”, Computers and Electronics in Agriculture. pp.1-11, 2018.
Vol. 9, No. 1, pp. 67–70, 2018.
[48]. X. Xie, M. Yuan, L. Bin, H. Jinrong, L. Shuqin and W Hongyan. “A
[33]. M. Brahimi, M. Arsenovic, S. Laraba, S Srdjan, B Kamel and M. Deep-Learning-Based Real-Time Detector for Grape Leaf Diseases
Abdelouhab. “Deep Learning for Plants Diseases:Detection and Using Improved Convolutional Neural Networks”, Frontiers in Plant
Saliency Map Visualisation”, Human and Machine Learning, Human– Science. Vol. 11, No. 751, pp. 1–14, 2020.
Computer Interaction Series. Pp. 93-117, 2018.
[49]. J. Liu and Xuewei Wang. “Tomato Diseases and Pests Detection Based
[34]. Liu Bin, Cheng Tan, Shuqin Li, Jinrong He and Hongyan Wang. “A on Improved Yolo V3 Convolutional Neural Network”, Frontiers in
Data Augmentation Method Based on Generative Adversarial Plant Science. Vol. 11, No. 898, pp. 1–12, 2020.
Networks for Grape Leaf Disease Identification”, IEEE Access. Vol. 8,
pp. 102188–102198, 2020. [50]. AF. Fuentes, Y. Sook, L. Jaesu and SP. Dong. High-Performance Deep
Neural Network-Based Tomato Plant Diseases and Pests Diagnosis
[35]. Hu Wei Jian, Jie Fan, Yong Xing Du, Bao Shan Li, Naixue Xiong and System With Refinement Filter Bank”, Frontiers in Plant Science. Vol.
Ernst Bekkering. “MDFC-ResNet: An Agricultural IoT System to 9 , No. 1162, pp. 1–15, 2018.
Accurately Recognize Crop Diseases”, IEEE Access. Vol. 8, pp.
115287–115298, 2020.

[36]. Tetila, C. Everton, BM. Bruno, KM. Gabriel, Adair DSO, A. Marco, PA.
Willian, Nícolas A DSB, Gercina GDS and P. Hemerson. “Automatic
Recognition of Soybean Leaf Diseases Using UAV Images and Deep
Convolutional Neural Networks”, IEEE Geoscience and Remote
Sensing Letters. Vol. 17, No.5, pp. 903–907, 2020.

[37]. Wu Qiufeng, Yiping Chen and Jun Meng. “Dcgan-Based Data


Augmentation for Tomato Leaf Disease Identification”, IEEE Access.
Vol. 8, pp. 98716–98728, 2020.

[38]. UP. Singh, SC. Siddharth, J. Sukirty and J. Sanjeev. “Multilayer


Convolution Neural Network for the Classification of Mango Leaves
Infected by Anthracnose Disease”, IEEE Access. Vol. 7, pp. 43721–
43729, 2019.

[39]. P. Jiang, C. Yuehan, L. Bin, H. Dongjian and L. Chunquan. “.Real-Time


Detection of Apple Leaf Diseases Using Deep Learning Approach
Based on Improved Convolutional Neural Networks”, IEEE Access.
Vol. 7, pp. 59069–59080, 2019.

[40]. Zhong Yong and Ming Zhao. “Research on Deep Learning in Apple
Leaf Disease Recognition”, Computers and Electronics in Agriculture.
Vol. 168, pp. 1-6, 2020.

[41]. Xiong Y, Longfei Liang, Lin Wang, Jinhua She and Min Wu.
“Identification of Cash Crop Diseases Using Automatic Image
Segmentation Algorithm and Deep Learning with Expanded Dataset”,
Computers and Electronics in Agriculture. Vol. 177, pp. 1-10, 2020.

[42]. G. Sambasivam, DO. Geoffrey. “A Predictive Machine Learning


Application in Agriculture : Cassava Disease Detection and
Classification with Imbalanced Dataset Using Convolutional Neural
Networks”, Egyptian Informatics Journal. Pp. 1-8, 2020.

[43]. Chen Junde, Jinxiu Chen, Defu Zhang, Yuandong Sun, and Y A
Nanehkaran. “Using Deep Transfer Learning for Image-Based Plant
Disease Identification”, Computers and Electronics in Agriculture.
2020.

[44]. Kc Kamal, Zhendong Yin, Mingyang Wu and Zhilu Wu. “Depthwise


Separable Convolution Architectures for Plant Disease Classification”,
Computers and Electronics in Agriculture. Vol. 165, pp.1-6, 2019.

[45]. Coulibaly Solemane, Bernard Kamsu-foguem and Dantouma


Kamissoko. “Deep Neural Networks with Transfer Learning in Millet
Crop Images”, Computers in Industry. Vol. 108, pp.115–20, 2019.

[46]. Ferentinos and P. Konstantinos. “Deep Learning Models for Plant


Disease Detection and Diagnosis”, Computers and Electronics in
Agriculture. Vol. 145, pp. 311–318, 2018.

978-1-6654-1960-4/21/$31.00 ©2021 IEEE 724

Authorized licensed use limited to: Western Sydney University. Downloaded on June 15,2021 at 22:52:13 UTC from IEEE Xplore. Restrictions apply.

You might also like