GET THE APP

Journal of Agricultural Science and Food Research

Journal of Agricultural Science and Food Research
Open Access

ISSN: 2593-9173

Research - (2022)Volume 13, Issue 6

Plant Disease Detection using Advanced Convolutional Neural Networks with Region of Interest Awareness

T Vijaykanth Reddy* and K Sashi Rekha
 
*Correspondence: T Vijaykanth Reddy, Department of Engineering, Saveetha Institute of Medical and Technical Sciences, Chennai, Tamil Nadu, India, Email:

Author info »

Abstract

The advent of deep learning has paved way for more efficient computer vision applications. In agricultural crop monitoring with technology driven approaches, it is indispensable to have plant disease identification. Recent research reveals that Convolutional Neural Network (CNN) is most suitable deep learning method to process leaf images for detecting diseases. As symptoms of leaf disease appear in specific area, considering entire leaf for processing incurs more computational cost and time besides deteriorating performance due to inadequate quality of training. To overcome this problem, we proposed a framework that considers extraction of Region Of Interest (ROI) using deep CNN prior to prediction of pre-trained deep learning models such as VGG13, ResNet34, DenseNet19, AlexNet, Sqeezenet1_1 and Inception_v3. An algorithm named ROI Feature Map Creation (ROI-FMC) is defined to extract ROI for given input image. This will be given as input to another algorithm proposed namely ROI based Deep CNN with Transfer Learning for Leaf Disease Prediction (ROIDCNN-LDP). The latter is used to predict leaf diseases. Plant Village dataset is used for empirical study. The experimental results revealed that with ROI awareness, all models could perform well. However, Inception_v3 is the deep CNN model that outperforms other models.

Keywords

Machine learning; Deep learning; Plant disease detection; Deep CNN; Region of interest

Introduction

Agriculture is very crucial domain across the globe as it takes care of human survival process from time immemorial. In fact, in India, it is very crucial domain as majority of population depend on agriculture or its related industries. The advent of deep learning has paved way for more efficient computer vision applications. In agricultural crop monitoring with technology driven approaches, it is indispensable to have plant disease identification. Recent research reveals that Convolutional Neural Network (CNN) is most suitable deep learning method to process leaf images for detecting diseases. As symptoms of leaf disease appear in specific area, considering entire leaf for processing incurs more computational cost and time besides deteriorating performance due to inadequate quality of training. Deep learning models have been around for improving image processing based leaf disease detection. As explored in many CNN based models in (1,5,8 and 10), it is observed that CNN models are most appropriate for disease detection in agricultural crops.

Leong and Tze [1] proposed a Region of Interest (ROI) based approach along with ResNet-50 CNN for identification of plant leaf diseases. Zhang et al. [2] proposed an improved faster RCNN model for object detection towards tomato disease detection. They also make use of ROI towards improving performance. From the literature it is understood that there are different approaches in deep learning models and pre-trained CNN models found. However, there is little research on ROI based approach with CNN. It is the motivation behind the work in this paper. Our contributions in this paper are as follows:

• Proposed a methodology for plant disease detection using advanced convolutional neural networks with region of interest awareness.

• An algorithm named ROI Feature Map Creation (ROI-FMC) is proposed and implemented to create ROI feature map that plays crucial role in leaf disease detection with ROI awareness.

• Another algorithm known as ROI based Deep CNN with Transfer Learning for Leaf Disease Prediction (ROIDCNN-LDP) is proposed to realize the methodology for leaf disease detection.

• A prototype application is built using Python data science platform to evaluate the proposed methodology and the underlying algorithms.

The remainder of the paper is structured as follows. Section 2 reviews literature on deep learning methods for leaf disease detection. Section 3 covers the methodology used for the plant disease detection using advanced convolutional neural networks with region of interest awareness. Section 4 present’s experimental results and Section 5 concludes the paper and gives directions for future scope of the research.

Materials and Methods

This section reviews literature on deep learning models for leaf disease identification. It focuses on neural network models, deep CNN models and pre-trained deep CNN models.

Neural Network (NN) models

Neural network models are good for processing hyper spectral data. Golhaniet al. [3] made a review of different models such as Back-Propagation Neural Network (BPNN), Feed-Forward Neural Network (FFNN) and Generalized Regression Neural Network (GRNN) and their role in early detection of leaf diseases in agriculture (Table 1).

Deep learning model Evaluation time (without retraining) Accuracy (without retraining) Evaluation time (with retraining) Accuracy (with retraining)
alexnet 56.44 95.747 56.477 99.245
densenet169 93.009 98.664 93.622 99.727
inception_v3 140.008 97.437 244.491 99.763
resnet34 74.923 98.482 73.176 99.672
squeezenet1_1 56.995 92.493 57.213 99.2
vgg13 95.137 97.955 95.122 99.491

Table 1: Deep learning models and their performance in leaf disease detection.

Deep CNN models

Deep CNN models are widely used for image processing based approach for leaf disease identification. Lu et al. [4] proposed a methodology based on deep CNN for identification of rice diseases. The CNN architecture is made up of different layers appropriately configured in order to have better performance. In future, they intend to extend their model for fault detection. Zhong and Zhao [5] focused on DenseNet-121 for apple leaf disease identification. Multi-label classification approach is used to have more flexible identification of diseases. The diseases thus identified include “Healthy Apple, General Apple Scab, Serious Apple Scab, Apple Gray Spot, General Cedar Apple Rust and Serious Cedar Apple Rust”. Priyadharshiniet al. [6] proposed a deep CNN model by modifying LeNet for maize leaf disease classification. The convolutional layers, pooling layers and fully connected layers are configured in such way that their method could improve performance. Militanteet al. [7] proposed CNN based deep learning model for sugarcane disease identification. Their methodology includes pre-processing, feature extraction and classification. In future, they intend to apply different learning rates to evaluate their method further. Jiang et al. [8-10] proposed apple leaf disease prediction model based on improved deep CNN. Their real time approach has both disease localization and classification. They also experimented with GoogleNet inception structure along with Rainbow concatenation for disease detection.

Sardoganet al. [11] exploited Learning Vector Quantization (LVQ) and deep CNN model for plant leaf disease detection. The usage of LVQ as part of the CNN architecture could leverage classification accuracy. They intend to improve it with different size of convolutions and different filters. Geetharamani and Pandian [12] proposed a deep CNN model with nine layers and six kinds of data augmentation methods are employed including Principal Component Analysis (PCA). They intend to improve it to the study of disease using flowers and stem also in future. TM et al. [13] used CNN model such as LeNet for leaf disease prediction in Tomato crop. Their methodology includes data acquisition, data pre-processing and classification. Barbedo [14] studied different deep learning models in the usage of plant disease prediction. They could different factors that affect deep learning models. They include disorders with same symptoms, simultaneous disorders, symptom variations, symptom segmentation, conditions of image capture, image background, covariate shift and symptom representations. Sladojevicet al. [15] studied on deep CNN models for leaf image classification. Wang et al. [16] focused on deep learning models for disease identification in terms of severity estimation. Francis and Deisy [14] investigated on different operations involved in deep CNN based model for leaf disease detection. They classified them into two phases such as feature extraction phase and classification phase.

Luna, et al. [15] proposed an automatic approach for leaf image capture and identification of disease based on CNN models. They built a tool named automaton with GUI for visualization of the detection process. Wiesner-Hanks et al. [16] used CNN and Conditional Random Field (CRF) approach towards plant disease detection. Karthiket al. [17] proposed an attention embedded residual CNN for tomato leaf disease detection. They also proposed a method known as Residual Progressive Feature Extraction (RPFE) for improving quality of training and result in higher level of accuracy. Xieet al. [18] proposed an improved CNN for real time detection of plant diseases. Their model is named as DR-IACNN which has better feature extraction capability to influence accuracy.

Sharathet al. [19] investigated on deep CNN model for disease detection in plants. Cap et al. [20] focused on real time plant disease detection using deep learning models. Zhang et al. [21] focused on improved deep CNN models for maize leaf disease detection. Atilaet al. [22] proposed a deep learning architecture known as EfficientNet for plant leaf disease classicisation. Tan et al. [23] explored deep learning and machine learning methods for plant species classification. They found that deep learning models could perform well comparatively. Yadavet al. [24] proposed CNN models for plant disease identification while Li et al. [25] reviewed CNN models for different plant disease detection. Luoet al. [26] focused on Apple diseases using multi-scale feature fusion and sub-class categorization using ResNet model. Singh and Sabrol [27] proposed CNN based model for crop disease identification. Zhang et al. [28] proposed a deep learning based model known as R-CNN comprising of joint segmentation and leaf skeleton identification. Tavakoliet al. [29] proposed discriminative CNNs for image classification for plant disease diagnosis.

Pre-trained deep learning models

Pre-trained deep learning models help in reusing knowledge models in leaf disease detection. Rangarajanet al. [30] explored two pre-trained deep models such as VGG16 net and AlexNet. They used PlantVillege dataset for tomato crop disease prediction. VGG16 net showed better performance over AlexNet in terms of accuracy. However, in terms of computational load AlexNet showed better performance. Too et al. [31] investigated on deep learning models such as ResNet, Inception V4 and VGG16. The models are evaluated with different layers and also DenseNets. It is observed that the usage of DenseNets consistently increased performance. However, they took more computational time. Shijieet al. [32] studied VGG16 along with SVM model for detection of tomato diseases based on leaf images. With fine-tuned experiments, they could achieve better performance. Ferentinos [33] used deep learning models such as VGG and AlexNetOWTBn for plant disease detection. They found the potential of such models in the research carried out.

Sujathaet al. [34] investigated on CNN based deep learning models like VGG16, VGG19 and Inception V3 for leaf disease detection. VGG16 showed highest accuracy when compared with other deep models and also ML models like RF, SVM and SGD. Leong and Tze [35] proposed a Region of Interest (ROI) based approach along with ResNet-50 CNN for identification of plant leaf diseases. Hernández and Lopez [36] focused on Bayesian deep learning models to know and uncertainty and quantify the same. Zend and Li [36] proposed a CNN based approach is known as self-attention CNN for crop leaf disease identification to leverage robustness in the process. Zhang et al. [37] proposed an improved faster RCNN model for object detection towards tomato disease detection. They also make use of ROI towards improving performance. Sambasivam and Opiyo [38] used CNN model to have a strategy in Cassava disease detection. However, they intend to improve their method to diagnose multiple co-occurring diseases. Patayon and Crisostomo [37] used different deep models like AlexNet, ZFNet, VGG16, and VGG19 for automatic identification of Abaca Bunchy Top disease. From the literature it is understood that there are different approaches in deep learning models and pre-trained CNN models found. However, there is little research on ROI based approach with CNN. It is the motivation behind the work in this paper. This section presents the proposed methodology of detecting leaf diseases using advanced CNN with region of interest awareness.

Framework

The methodology for effective leaf disease detection is based on deep learning models and extraction of ROIs. Deep CNN model is configured along with an algorithm for extracting region of interest. It results in the realization of plan leaf disease prediction model. With transfer learning, the framework is optimized in training and testing phases. PlantVillege dataset is used in order to evaluate the proposed model (Figure 1).

methodology

Figure 1: Overview of the proposed methodology.

As deep CNN model is found suitable for processing image based inputs like plant leaves, it is used along with the algorithm known as ROI Feature Map Creation (ROI-FMC). This algorithm is reused in the deep learning process in order to improve the accuracy of prediction.

Algorithm to extract ROI

ROI Feature Map Creation (ROI-FMC) is the algorithm defined to facilitate quality in disease prediction.

Algorithm: ROI Feature Map Creation (ROI-FMC)

Input: Leaf image I, Training Set T (ROI maps)

Output: ROI Feature Map F

• Start

• Initialize a model M

• Add convolutional layers

• Add max pooling layers

• Add cropping layers

• Add full connected layers

• Configure dropout

• M ← Train model (T)

• For each Epoch e in n

• For each batch b in m

• Update M

• End For

• End For

• F ← Predict(M, I)

• Return F

The algorithm ROI-FMC takes a leaf image and ROI maps training set as input and produces ROI feature map for given image. The ROI feature map contains background information, leaf area information and spot area information. The extraction of ROI feature map is based on training ROI maps. It is done by a deep CNN model. The output of ROI-FMC is used as input in the leaf disease prediction algorithm provided in the next slide.

Results

Algorithm for leaf disease prediction

ROI based Deep CNN with Transfer Learning for Leaf Disease Prediction (ROIDCNN-LDP) is the mail algorithm used towards leaf disease prediction.

Algorithm: ROI based Deep CNN with Transfer Learning for Leaf Disease Prediction (ROIDCNN-LDP)

Inputs: Leaf test image I, Training Set T (ROI maps), pre-trained models P (P includes AlexNet, DenseNet19, Inception_v3, ResNet34, Sqeezenet1_1 and VGG13).

Output: Leaf disease prediction results R

• Start

• Initialize ROI feature map F

• F ← ROI-FMC(I)//reusing the Algorithm 1 here

• For each pre-trained model p in P

• M ← Train model (F, p)

• For each Epoch e in n

• For each batch b in m

• Update M

• End For

• End For

• M’ ← Fit model (M)

• M’← Update model with transfer learning (M’)

• R ← Prediction of Diseases (M’, I)

• Print R

• End For

StopAlgorithm 2 takes leaf test image, ROI maps as training set and pre-trained deep CNN models such as AlexNet, DenseNet19, Inception_v3, ResNet34, Sqeezenet1_1 and VGG13 as input. This algorithm reuses ROI-FMC algorithm to extract feature map from given test image. Then it is subjected to testing with all pretrained models with transfer learning. The deep learning models could perform well with the proposed methodology

Discussion

The proposed framework is implemented and the results of experiments are provided in this section. The results include visual inputs, outputs in terms of heat map and disease detection. Besides, this section evaluates the proposed deep learning based model and compares with the state of the art (Figure 1). The input leaf and the detection of early blight disease are visualized. The results also include heatmap in different dimensions (Figure 2). The input leaf and the detection of late blight disease are visualized. The results also include heatmap in different dimensions (Figure 3). The input leaf and the detection of early blight disease is visualized. The results also include heatmap in different dimensions (Figure 4). The leaf disease detection models are shown in horizontal axis while the vertical axis shows the evaluation time in seconds. The evaluation time is measured with and without retraining. With retraining, it is observed that there is performance enhancement as it could reduce time taken for evaluation (Figure 5). The leaf disease detection models are shown in horizontal axis while the vertical axis shows the accuracy percentage. The accuracy is measured with and without retraining. With retraining, it is observed that there is performance enhancement as it could improve accuracy. With the proposed methodology Inception_V3 with transfer learning showed highest performance with 0.997637223 (Figure 6).

blight

Figure 2: Detection of early blight disease.

late

Figure 3: Detection of late blight disease.

early

Figure 4: Detection of early blight disease.

Evaluation

Figure 5: Evaluation time comparison of deep learning models. Note:Image (without retraining); Image (with retraining).

Accuracy

Figure 6: Accuracy comparison of deep learning models.Image Accuracy (without retraining); Image.

Conclusion

We proposed a framework that considers extraction of ROI using deep CNN prior to prediction of pre-trained deep learning models such as VGG13, ResNet34, DenseNet19, AlexNet, Sqeezenet1_1 and Inception_v3. An algorithm named ROI Feature Map Creation (ROI-FMC) is defined to extract ROI for given input image. This will be given as input to another algorithm proposed namely ROI based Deep CNN with Transfer Learning for Leaf Disease Prediction (ROIDCNN-LDP). The latter is used to predict leaf diseases. PlantVillage dataset is used for empirical study. Deep CNN models could perform well with the proposed methodology. ROI awareness included in the architecture led to performance improvement. Particularly accuracy of the models has been improved. With the proposed methodology Inception_V3 with transfer learning showed highest performance with 0.997637223.Therefore, deep CNN models with transfer learning and ROI awareness are found to be suitable for leaf disease detection. However, Inception_v3 is found better among the other models. In future, we intend to investigate further on the deep learning models other than CNN.

References

Author Info

T Vijaykanth Reddy* and K Sashi Rekha
 
Department of Engineering, Saveetha Institute of Medical and Technical Sciences, Chennai, Tamil Nadu, India
 

Citation: Reddy TV, Rekha KS (2022) Plant Disease Detection using Advanced Convolutional Neural Networks with Region of Interest Awareness. J Agri Sci Food Res. 13:506.

Received: 03-Oct-2022, Manuscript No. JBFBP-22-19601; Editor assigned: 05-Oct-2022, Pre QC No. JBFBP-22-19601 (PQ); Reviewed: 20-Oct-2022, QC No. JBFBP-22-19601; Revised: 27-Oct-2022, Manuscript No. JBFBP-22-19601 (R); Published: 03-Nov-2022 , DOI: 10.35248/2161-1025.22.13.506

Copyright: © 2022 Reddy TV, et al. This is an open-access article distributed under the terms of the Creative Commons Attribution License, which permits unrestricted use, distribution, and reproduction in any medium, provided the original author and source are credited.

Top