Skip to main content

ORIGINAL RESEARCH article

Front. Plant Sci., 16 October 2023
Sec. Sustainable and Intelligent Phytoprotection
This article is part of the Research Topic Advanced AI Methods for Plant Disease and Pest Recognition View all 22 articles

A ResNet50-DPA model for tomato leaf disease identification

  • School of Electrical and Electronic Engineering, Shanghai Institute of Technology, Shanghai, China

Tomato leaf disease identification is difficult owing to the variety of diseases and complex causes, for which the method based on the convolutional neural network is effective. While it is challenging to capture key features or tends to lose a large number of features when extracting image features by applying this method, resulting in low accuracy of disease identification. Therefore, the ResNet50-DPA model is proposed to identify tomato leaf diseases in the paper. Firstly, an improved ResNet50 is included in the model, which replaces the first layer of convolution in the basic ResNet50 model with the cascaded atrous convolution, facilitating to obtaining of leaf features with different scales. Secondly, in the model, a dual-path attention (DPA) mechanism is proposed to search for key features, where the stochastic pooling is employed to eliminate the influence of non-maximum values, and two convolutions with one dimension are introduced to replace the MLP layer for effectively reducing the damage to leaf information. In addition, to quickly and accurately identify the type of leaf disease, the DPA module is incorporated into the residual module of the improved ResNet50 to obtain an enhanced tomato leaf feature map, which helps to reduce economic losses. Finally, the visualization results of Grad-CAM are presented to show that the ResNet50-DPA model proposed can identify diseases more accurately and improve the interpretability of the model, meeting the need for precise identification of tomato leaf diseases.

1 Introduction

In 2021, China’s tomato production reached 67.63 million tons, accounting for 35% of the world’s total output, which is a very popular garden plant (Bhatkar et al., 2021; Jing et al., 2023; Liu et al., 2023). However, plant disease resistance needs to be faced by all crops in large-scale production, and various diseases can damage crops in any given growing season, resulting in reduced yield or lower quality. For example, early blight, a fungal disease that is a common type of disease in field-grown tomatoes, causes round or elongated brown lesions to form on infected plant tissue (Paul et al., 2019; Hu and Zhang, 2023). Late blight causes infected leaves to turn pale green to brown and eventually to wither and die (Arafa et al., 2022). Therefore, it is very important to quickly and accurately identify tomato leaf disease types and provide timely targeted treatment. The traditional research on disease recognition is to preprocess crop disease pictures first, and then use manual recognition methods to classify diseases. However, this method is highly dependent on professional knowledge and the cost of expert diagnosis is high (Manavalan, 2021; Li et al., 2022; Thakur et al., 2022). Meanwhile, it is time-consuming, labor-intensive and highly subjective, which is prone to misclassification. Therefore, a method that can accurately identify tomato leaf diseases is urgently needed.

With the rapid development of computer vision and artificial intelligence, the study on crop disease recognition based on image data has received extensive attention (Al-Wesabi et al., 2022), and the recognition accuracy has also been greatly improved. According to the extraction method of disease features in images, it can be divided into method based on machine learning and method based on deep learning (Saleem et al., 2019; Vishnoi et al., 2020). In terms of machine learning, Qin et al. (2017) used the K-median clustering algorithm and the segmentation method of linear discriminant analysis to obtain the image of the diseased area, and then extracted texture for detecting alfalfa leaf disease by SVM model. Finally, the identification accuracy rate is 80%. Sghair et al (Sghair and Naisbitt, 2017). segmented leaf disease areas by filtering and thresholding color features, and then detected rice leaf disease types, with an accuracy rate of 96.6%. However, the leaf texture and shape characteristics are not discussed, resulting in the loss of leaf information. Yao et al. (2009) used the GLCM algorithm to extract the characteristics of rice leaf area, perimeter, contrast, and leaf length and width. Then the SVM algorithm is employed for classification and recognition, with an accuracy rate of 97.2%. While, disease types with similar textures are prone to misclassification. Wang et al. (2012) studied the grape and wheat diseases identification, where the K-means clustering algorithm is applied to segment the disease area, and the backpropagation network are designed as the classifier. The results showed that the accuracy of grape and wheat disease recognition is 97.14% and 100%, respectively. However, the features extracted in (Wang et al., 2012) have been combined many times to achieve the best recognition effect. How to find a suitable feature combination set is still a great challenge. Compared with manual recognition, the recognition accuracy of the machine learning-based method has been significantly improved, and this method is more interpretable for the model. However, when the amount of data is large, the performance of machine learning-based method is not satisfactory. Meanwhile, manual design on features is inevitable, which requires the empirical knowledge of domain experts and relies heavily on feature engineering. the above problems can be effectively solved by the deep learning-based methods with higher computational performance, especially on large-scale datasets. This method uses an optimized loss function to learn rules, avoiding manual design of rules, which is highly portable, and can be compatible with multiple platforms. Therefore, many scholars apply it to the identification of leaf diseases, taking advantage of its real-time, automatic feature learning and high accuracy, in order to take control measures in time to protect the growth of crops. For example, Elhassouny et al (Elhassouny and Smarandache, 2019). applied the MobileNet neural network to identify tomato leaf diseases, and proposed an embedded intelligent application for the algorithm, which greatly reduced the required computing resources, and the accuracy rate reached 88.4%. However, the algorithm has a small amount of data and only uses more than 7,000 images for recognition, thus, how to avoid overfitting is a potential problem. Liu et al. (2020) first used the Inception structure to enhance feature extraction performance, and then introduced a dense connection strategy to enhance feature propagation, and obtained a new CNN model DICNN. Compared with the traditional neural network, the recognition accuracy of the DICNN model has increased by 2.97%, which provides a new idea for the identification of grape leaf diseases. Zhao et al. (2021) introduced the attention mechanism, SENet, into ResNet50 to identify tomato leaf disease. Then the average recognition accuracy rate reached 96.81%, which strengthened the ability to extract information. However, the SENet module only focused on the channel attention mechanism, which caused the loss of image texture information during the transfer process. Liu et al. (2022) applied the ROI feature extraction algorithm to the DenseNet classification model, which showed that the ROI algorithm can highlight the lesion area of rice leaves and improve the recognition accuracy. Finally, the accuracy rate of rice leaf disease recognition reached 96% in (Liu et al., 2022). Ahmad et al. (2021) used the gray-level co-occurrence matrix to extract the features of plant diseased leaves, and strengthened the extraction of image texture information. The research results showed that the classification accuracy rate reached 98.79%. Faisal et al. (2023) proposed a plant leaf disease classification algorithm DFNet that combines dual pre-training models (MobileNetV2, NASNetMobile), whose recognition accuracy for corn leaf disease and coffee leaf disease was 97.53% and 94.65%, respectively. Zhou et al. (2021) proposed the RRDN model for the disease identification of tomato leaves, which combined the deep residual network and the dense network to improve the calculation accuracy and reduce the number of parameters. The results show that the average identification accuracy rate reached 95%. Zhao et al. (2022) introduced the residual structure as a convolutional block into the Inception network, which alleviated the problem of gradient disappearance. Simultaneously (Zhao et al., 2022), embedded an attention mechanism in the model to enhance the feature extraction performance of plant leaves, and experimental results show that the algorithm has higher recognition accuracy and fewer model parameters.

To sum up, the convolutional neural network is conducive to the accurate identification of plant leaf diseases, liberates the labor force, and realizes the development of smart agriculture (Chin et al., 2023). Moreover, many scholars have improved the recognition accuracy by strengthening the model’s feature extraction performance. However, the effect still needs to be further improved. In this regard, this paper studies the tomato leaf disease recognition problem, where the novel ResNet50-DPA model is proposed, which effectively enhances the ability to extract image features and improves the recognition accuracy. The main contributions of the paper are summarized as follows:

(1) In ResNet50-DPA model, the improved ResNet50 is obtained by using cascaded atrous convolution instead of the first layer of convolutions in the ResNet50 residual network, for capturing tomato leaf characteristics with different scales.

(2) In this model, a novel DPA mechanism is proposed, which contains a channel attention module and a spatial attention module where the stochastic pooling is innovatively introduced. Meanwhile, two convolutions with one dimension are employed to replace the MLP layer in DPA. This mechanism helps to extract information of important areas in the image, and effectively reduces the damage to the leaf information.

(3) The enhanced tomato leaf feature map is obtained by inserting the above DPA into the residual module of improved ResNet50, which facilitates obtaining more comprehensive information, and then quickly and accurately identifying tomato leaf disease types and reducing crop losses.

The rest of this paper is as follows: Section 2 introduces the data set used and describes the proposed model in detail. In Section 3, grouping experiments are carried out for the proposed model, the experimental results are analyzed, and the model is visualized. Section 4 summarizes and explains the future work.

2 Methodology

2.1 Data preprocessing

The quality of images has a significant impact on the image processing, feature extraction, and ultimately tomato leaf disease recognition. Plant Village, an open data set on the Internet, used in this paper, which a total of 14 plant varieties, each of which contained different leaf disease types. Among them, tomato leaf disease images accounted for 26% of the total data set, with a total of 10 categories, including 1 healthy category and 9 diseased category images, which was much larger than the data of other plant species. Therefore, tomato leaf disease images were selected as the research object in this paper. Figure 1 shows all categories of tomato leaf disease sample images included in this dataset.

FIGURE 1
www.frontiersin.org

Figure 1 Sample image of tomato leaf diseases.

In deep learning, increasing the amount of data used by the training neural network has an important impact on the final recognition effect. The model trained after enriching the data set has strong generalization ability and can ensure the diversity of the data to avoid overfitting during the training process. Therefore, this paper adopts imgaug image enhancement library to expand the data set. The emboss enhancement outlines the outline of the image, highlights the changing part of the image, and fade the same gray level part to reflect the depth. Image equalization in image enhancement is denoising by using the residual information prevalent in natural images. In this paper, the specific operation is to make the pixel values originally distributed in a concentrated way evenly distributed to all possible ranges, so that the contrast and brightness of the image can be improved and the details of the tomato leaf image can be better observed (Tang and Isa, 2017). In Figure S1, is the histogram before image equalization processing, and the height in the figure represents the total frequency of this pixel value. It can be seen that most of the pixel values before processing are concentrated in a region, and Figure S1 is the histogram after image equalization processing, where the frequency of the pixel value 70 decreases significantly, while the frequency of the other pixel values increases, and is evenly distributed everywhere. Figure 2 below is the effect of the randomly selected tomato leaf sample image enhanced by the above data.

FIGURE 2
www.frontiersin.org

Figure 2 Sample image enhancement example.

After image enhancement and equalization processing, the total data reached 22,930 images. 20% of the total data set was divided into test sets, and the detailed values of the final data set were shown in Table 1. A total of 10 tomato leaf disease categories were included in the dataset, including 18,345 images in the training set and 4585 images in the test set.

TABLE 1
www.frontiersin.org

Table 1 Detailed information on tomato leaf disease data set.

2.2 ResNet50-DPA model

Problem statement:

For leaf disease recognition, most of the existing studies improve the recognition accuracy by deepening the number of network layers or adjusting parameters. However, by observing the data set, we found that there were only slight differences between different types of tomato leaf diseases, so strengthening the feature extraction capability is our focus to improve the recognition performance. To this end, firstly, On the one hand, the atrous cavity convolution is added to the input layer of the model to obtain information of different scales; Then, on the other hand, the dual-path attention mechanism is introduced into the residual module of the residual network to make the extracted information more comprehensive.

Model introduction:

The ResNet50-DPA model proposed in the paper consists of two parts: DPA and improved ResNet50. The dual-path attention mechanism is divided into two parts: channel attention module and spatial attention module, where the stochastic pooling is innovatively introduced. The addition of spatial attention module can effectively reduce the problem of image texture information loss caused by using only channel attention module. Different from the existing studies, the stochastic pool method is introduced in the two attention modules of channel and space, which can effectively eliminate the influence of non-maximum value in the feature graph. At the same time, the MLP layer is replaced by two one-dimensional convolution layers, which reduces the computation and avoids the destruction of tomato leaf information. In addition, based on the ResNet50, the model proposed in this paper innovatively replaces the first layer of 7×7 convolution in the original model with a cascade of atrous convolution, which can help us obtain tomato leaf features at different scales, facilitate the extraction of more comprehensive information, and make the final recognition more accurate. The following sections expand on DPA and the improved ResNet50.

2.2.1 The DPA mechanism

Attention mechanism is a technique used to enhance the model’s attention to different parts of the input image, which improves the performance and generalization ability of the model by giving different weights to each area of the image. SENet, published in 2018, is a representative work that applies attention mechanism to channel dimension. Based on the SENet module, this paper proposes a novel attention mechanism, the DPA mechanism. Different from the SENet module, which only uses global average pooling, resulting in the loss of image texture information in the process of passing spatial information to the channel. On this basis, this paper introduces maximum pooling and stochastic pooling in DPA. The introduction of maximum pooling effectively reduces the problem of information loss (Chen et al., 2021), while stochastic pooling can eliminate the influence of non-maximum values and improve the model’s ability to perceive details, thus improving the model’s performance. Stochastic pooling uses the feature graph values in each channel divided by their sum to get a probability matrix. Random sampling and selection are performed according to the size of the probability values. The sampling results are positively correlated with the size of the values, and the probability of being selected is also greater if the element value is larger, instead of always taking the maximum value as in maximum pooling. The specific calculation process of stochastic pooling is as follows:

Firstly, the element values in each square in the pooled area are divided by the sum of the element values in all squares to obtain the probability values of each element. See Equation 1, where k represents the index of the element values.

P=(pi)=XikRjXk(1)

Then, position l is selected in the pooling region according to probability P, as shown in Equation 2.

Aj=Xl,lP(p1,,p|Rj|)(2)

Finally, the final value is obtained according to the position comparison. Figure 3 below shows the results obtained by using the three pooling operations respectively. It can be seen that the average and maximum pooling results are 1.11 and 3. The stochastic pooling first generates the probability graph, and then determines the position l. The final output result is 2, and the non-maximum value is selected.

FIGURE 3
www.frontiersin.org

Figure 3 Examples of different pooling operations.

The structure diagram of the channel attention module in DPA is shown in Figure 4 below. The addition of stochastic pool is conducive to eliminating non-maximum values, and at the same time, the model has stronger generalization ability and better regularization effect. Then, two one-dimensional convolution layers are used to replace the MLP layer. Since the one-dimensional convolution does not involve dimensionality reduction operation, damage to tomato leaf feature information can be avoided. Finally, the three spatial information descriptors generated are added and activated by the sigmoid to obtain the final channel attention module, as shown in Equation 3.

FIGURE 4
www.frontiersin.org

Figure 4 Channel attention module in DPA.

Mc(F)=σ(conv(Max(F))+conv(Sto(F))+conv(Avg(F)))(3)

The channel attention module in DPA mainly focuses on the relationship between channels of features, while the spatial attention module pays more attention to which part of the graph is more influential in the whole feature graph (Cao and Yuan, 2022). Similar to the channel attention mechanism, the spatial attention module of DPA also uses stochastic pooling operations, as shown in Figure 5. The main idea is to carry out global average pooling, global maximum pooling and stochastic pooling along channel dimensions, and then splicing the obtained results, using the 7×7 convolution layer to reduce dimension, and then obtaining the attention feature map of the spatial domain through sigmoid activation function. See the following Equation 4 for detailed description.

FIGURE 5
www.frontiersin.org

Figure 5 Spatial attention module in DPA.

Ms(F)=σ(f7×7([Avg(F);Max(F);Sto(F)]))=σ(f7×7([Favgs;Fmaxs;Fstos]))(4)

In the above two formulas, σ represents sigmoid operation. For the specific formula, see Equation 5. Avg represents global average pooling, Max represents global maximum pooling, Sto represents stochastic pooling, and f represents convolution operation.

σ(x)=11+ex(5)

2.2.2 Improved ResNet50 residual network

With the continuous development and progress of deep learning theory and computer hardware, more and more applications have been made in various fields of our lives, such as face recognition, language recognition, automatic driving technology, etc. (Kute et al., 2019), but existing problems have also slowly emerged. In deep learning, the more convolutional layers, the better the classification effect will be. Therefore, in order to obtain deeper features, the number of convolutional layers is constantly deepening. At the beginning, LeNet network only has 7 convolutional layers, AlexNet has 8 layers, and the later VggNet network contains 19 layers. With the passage of time, the depth exploration of neural network is constantly carried out, but when it reaches a certain degree, the accuracy rate decreases, and the recognition accuracy of neural network is gradually saturated, resulting in the problem of gradient disappearance. Subsequently, the residual network ResNet was proposed by He et al. By constantly stacking residual structures, the problem of gradient disappearance during model training was effectively alleviated (He et al., 2016). In this paper, ResNet50 was selected as the basic model in consideration of the experimental effect and calculation amount, and its network structure was shown in Table S1.

The structure diagram of the residual block is shown in Figure S2, where X represents the input feature matrix. After two 3×3 convolution operations, the output is F(x), which is called the residual function, and the final output F(x)+X is passed into the next residual module. However, in ResNet50, the residual function F(x) is changed to three-layer convolution, as shown in (B) in Figure S2. A 3×3 convolution is retained, and a 1×1 convolution layer is added before and after the convolution layer to achieve the functions of reduction and dimension increase so that the expression features of the network are better and the corresponding detection or classification performance is stronger when the number of layers is increased. In addition, 1×1 convolution is used in the residual network, which reduces the number of parameters in the network and also reduces the amount of computation to some extent.

In order to avoid the loss of spatial information when extracting feature graphs in the residual network model, this paper chooses atrous convolution replace the first layer 7×7 convolution in the ResNet50 network, which can enlarge the receptive field without increasing the number of parameters. Figure 6 shows a schematic diagram of the atrous convolution with different expansion rates. In figure, the atrous convolution with the expansion rate of 1, 3×3 convolution kernel size has the same effect as the ordinary 3×3 convolution. For the atrous convolution with an expansion rate of 2, although the size of the convolution kernel does not change, the receptive field of the convolution has increased to 5×5, as shown in the dark blue part in Figure 6. The effect of ordinary 7×7 convolution nuclei can be achieved by concatenating these two 3×3 convolution nuclei with different expansion rates, as shown in the light blue part in Figure 6. Moreover, due to the different expansion rates of the two convolution nuclei, the sensitivity fields are also different, that is, multi-scale information is obtained, which helps to observe tomato leaf characteristics at different scales and extract more comprehensive information. The identification of subsequent tomato leaf diseases is also more accurate.

FIGURE 6
www.frontiersin.org

Figure 6 Extraction process of atrous convolution feature with different expansion rates.

Finally, this paper adds the aforementioned DPA mechanism to the improved ResNet50 residual block structure, which can enlarge the weight of effective channels in the element layer, reduce the influence of redundant features with the help of DPA mechanism. It is worth mentioning that the 7×7 convolution in the first layer is replaced with a cascaded atrous convolution, which can extract tomato leaf features at different scales. Meanwhile, in this paper, the maximum pooling layer is removed and the soft pooling is chosen, which helps to retain more details in the original image. The final ResNet50-DPA structure diagram is shown in Figure 7.

FIGURE 7
www.frontiersin.org

Figure 7 ResNet50-DPA network structure.

2.3 Overall design for tomato leaf disease image recognition

Figure 8 below is the overall design diagram of this paper. At the input layer of the model, the imgaug image enhancement library is first used to expand the data set. Due to the problem of random clipping, the data set at this time is RGB three-channel tomato leaf disease images with different sizes, and their sizes were uniformly adjusted to 224×224 as the model input. After atrous convolution and soft pooling operations, the DPA module was introduced into the residual module of the residual network to obtain the enhanced tomato leaf feature map. At last, after the normalization layer, the 1×1 global average pooling layer and the fully connected layer, the probability values of tomato leaves corresponding to different disease categories were calculated by the Softmax function, and the category of the maximum value is output as the classification result. Then, the classification and recognition of the final tomato leaf disease image is complete.

FIGURE 8
www.frontiersin.org

Figure 8 General design drawing.

3 Experiment and data analysis

3.1 Experimental platform

The experiment is based on Windows 11 operating system, and the simulation software uses jupyter notebook compiler based on Python3.8 programming under Anaconda. The deep learning framework adopts Tensorflow architecture, which can support the model deployment on multiple GPUs, and the processor uses an i7 processor. RTX3050 graphics card set up the model proposed in this paper.

3.2 Evaluation criteria

In this paper, the accuracy rate, precision rate, recall rate and F1 score are as indicators to evaluate the performance of the proposed ResNet50-DPA model. In the following expressions, true positive (TP) represents the number of correctly classified positive samples, false positive (FP) represents the number of incorrectly classified negative samples, true negative (TN) represents the number of correctly classified negative samples, and false negative (FN) represents the number of incorrectly classified positive samples (Wang et al., 2017).

Accuracy: Accuracy is defined as the proportion of the number of correctly classified samples to the total number of samples, as shown in Equation 6.

Accuracy=TP+TNTP+TN+FP+FN×100%(6)

Precision: Precision is defined as the proportion of the number of positive samples with correct classification to the number of positive samples determined by the classifier, as shown in Equation 7.

Precision=TPTP+FP(7)

Recall: Recall rate is defined as the proportion of the number of correctly classified positive samples to the number of real positive samples, as shown in Equation 8.

Recall=TPTP+FN(8)

F1 value: refers to the harmonic average of precision rate and recall rate, see Equation 9.

F1=2×(Precision×Recall)(Precision+Recall)(9)

3.3 Comparative analysis of hyperparameters

Hyperparameters are variables that define the network structure. In order to further improve the classification performance of the proposed model, it is necessary to discuss the values of some necessary parameters, such as batch size, loss function, and optimizer selection. In this section, we test within 50 epochs and employ the early stop technique. When the accuracy did not continuously improve within 5 epochs, the experiment was stopped to observe the effect of different parameter values on the classification effect. Meanwhile, three experiments are conducted to take the mean value of each parameter as the result. The values of the final major parameters are shown in Table 2. The following is a discussion and analysis of the specific parameters.

TABLE 2
www.frontiersin.org

Table 2 Parameter value.

3.3.1 Batch size

Training batch size refers to the number of samples taken from the training set during each iteration training. The larger the value, the faster the model is trained, but too large a value makes it take up more memory. However, too small batch will lengthen the training time, and seriously may cause gradient shock, making the model convergence slow or unable to converge. Multiple literatures related to image classification are reviewed, and experimental results are observed with the common batch size. The accuracy of leaf disease recognition obtained with different values of batch size was shown in Figure 9A. With the increase of Batch size, the classification accuracy increased slowly, but the accuracy decreases as the value continued to increase. The classification effect is best when the value is 32.

FIGURE 9
www.frontiersin.org

Figure 9 The influence of different parameter values on the final recognition effect: (A) The batch size (B) Loss function value (C) Optimizer selection.

3.3.2 Loss function

The loss function is a function used to measure the gap between the real value and the predicted value, which is used to guide the model optimization direction and improve the prediction accuracy. When different loss functions are used, the model performance is shown in Figure 9B. In this paper, the cross-entropy loss function is finally selected, and compared with other loss functions, the cross-entropy loss function has better performance.

L=1NiLi=1Ni[yilog(pi)+(1yi)log(1pi)](10)

3.3.3 Learning rate and optimizer

The learning rate can be used to control the updating speed of the weight of the neural network, usually with the order of 10, to search for the best learning rate on a logarithmic scale. However, it is impractical to continuously adjust the learning rate manually, so this paper uses typical learning rate values to test the classification performance, that is, from 102 to 105 (0.01, 0.001, 0.0001, 0.00001), At the same time with a number of different optimizer (SGD/Adam/Adagrad/Adadelta/RMSprop) are combined, and different combination of tomato leaf disease recognition results are shown in Table S1 and Figure 9C, and finally set the model the optimizer to high calculation efficiency, low memory requirements of Adam optimizer, vector for 0.001.

3.4 Model performance comparison

In order to verify the recognition performance of the ResNet50-DPA model for tomato leaf diseases proposed in this paper, three comparison experiments are presented as follows.

Comparison experiment 1:

The first set of experiments is trained with different deep learning models under the same data set and experimental environment. The compared models include AlexNet, MobileNetV2 and DenseNet121. The change curve of accuracy of each model in the training process is shown in Figure 10.

FIGURE 10
www.frontiersin.org

Figure 10 Variation curve of accuracy: (A) AlexNet (B) MobileNetV2 (C) DenseNet121 (D) ResNet50-DPA.

It can be seen from the curve trend in the Figure 10 that with the increase of iterations, the prediction accuracy of each model has improved, among which AlexNet model has the slowest convergence speed and ResNet50-DPA model has the fastest convergence speed. Detailed experimental results are shown in Table 3. By observing the data in the table, we can see that the recognition accuracy of AlexNet, MobileNetV2 and DenseNet121 network models are 74.15%, 95.00% and 97.97%, respectively, while the recognition accuracy of the model proposed in this paper is 99.28%, which is significantly better than the previous three models.

TABLE 3
www.frontiersin.org

Table 3 Comparison of disease recognition performance of different network models.

Comparison experiment 2:

The second group of comparison experiments takes ResNet series residual network as the benchmark to observe whether the improved model has improved. Figure 11 below shows the change curve of accuracy of the ResNet series residual network, and it can be seen that the proposed model still reaches convergence fastest. In Table 4, the recognition accuracy of the ResNet series residual network is 96.97%, 97.43% and 97.60% respectively, and ResNet101 has the best recognition effect, while the accuracy of ResNet50-DPA model reaches 99.28%, its classification performance is the best among all models, and its accuracy is 99.29%. The value of recall rate and F1 are both 99.28%, which is also better than other models, indicating that the DPA enhances the model’s ability to obtain information and can dig deeper features.

FIGURE 11
www.frontiersin.org

Figure 11 Change curve of ResNet series residual network accuracy: (A) ResNet34 (B) ResNet50 (C) ResNet101 (D) ResNet50-DPA.

TABLE 4
www.frontiersin.org

Table 4 Comparison of disease recognition performance of ResNet series residual networks.

Comparison experiment 3:

The third group of comparison experiments is compared with tomato leaf disease recognition algorithms proposed by different scholars in recent years, and the results are shown in Table 5. According to the Table 5, when the amount of data is relatively small, the classification algorithm proposed by Trivedi et al. has an accuracy of 98.49%. However, how to avoid overfitting is a potential problem. When the amount of data is similar, the model proposed in this paper has a higher accuracy due to obtaining multi-scale information by using cascades of atrous convolution when inputting images. Meanwhile, stochastic pooling is introduced into the dual path attention mechanism and one-dimensional convolution is used instead of MLP layer to reduce information loss, which is conducive to achieving better recognition accuracy.

TABLE 5
www.frontiersin.org

Table 5 Compared with the existing methods of tomato leaf disease identification.

Except for the accuracy, this paper also verifies the ability of the proposed model to identify tomato leaf diseases from different perspectives. The classification results observed using the confusion matrix are shown in Figure 12. The horizontal and vertical coordinates in the figure represent the 10 types of tomato leaf diseases in the data set, and the elements on the main diagonal represent the number of correctly classified tomato leaf disease samples. It can be seen that the ResNet50-DPA model has only a few sample graph classification errors, which can achieve a good recognition effect for different disease types, while the number of classification errors of other models is much larger than that of the model proposed in this paper.

FIGURE 12
www.frontiersin.org

Figure 12 Confusion matrix: (A) AlexNet (B) MobileNetV2 (C) DenseNet121 (D) ResNet34 (E) ResNet50 (F) ResNet101 (G) ResNet50-DPA.

In addition, the detailed values of the classification results of the proposed model for different types of tomato Leaf diseases are presented in Table 6. It can be seen from the data in the table that the identification accuracy of the model for Leaf mold and Mosaic virus leaf diseases reaches 100%, while the accuracy of Leaf spot is only 97.09%. The model wrongly identified it as the type of spider mites, and the identification accuracy of other disease types is above 99%. The results shows that the research method proposed in this paper could achieves better recognition effect for different disease types, and could complete the accurate identification of tomato leaf diseases.

TABLE 6
www.frontiersin.org

Table 6 Identification effect of the model for different disease types.

3.5 Ablation experiments

In order to further verify the role of key modules in the model proposed in this paper, a set of ablation experiments are set up. The experimental results are shown in Table 7. It can be seen that the accuracy rate of the benchmark model ResNet50 is 97.43%, and the accuracy rate is increased by 0.42% after adding atrous convolution. When the channel attention mechanism is added to the residual module, the recognition accuracy rate is 98.21%; when the spatial attention mechanism is continued, the accuracy rate is 98.42%; when the DPA mechanism proposed in this paper is added, the accuracy rate can reach 99.28%, an increase of 1.85%, which is significantly improved compared with the basic model. These results show that the DPA module plays a crucial role in the overall framework, while the introduction of atrous convolution plays a role in the overall framework, but with limited effect. At the same time, the complexity of the model is measured by the number of parameters. It can be seen that the benchmark model ResNet50 has the smallest number of parameters. The model proposed in this paper increases the number of layers of the network by adding dual path attention mechanism and atrous convolution to the benchmark model ResNet50, resulting in an increase in the number of model parameters. However, from the final recognition accuracy of leaf disease, the effect of this model is ideal.

TABLE 7
www.frontiersin.org

Table 7 Results of ablation experiments.

3.6 Visualization of experimental results

In this paper, the output feature maps of different convolutional layers in the ResNet50-DPA model are visualized, as shown in Figure S3. It can be seen that with the increase in the number of convolutional layers, the extracted information became more and more abstract, macro information replaced the detailed information of the image, and the model learned more abundant features.

Finally, in order to see more directly which region the model focused on during the training process, gradient class activation mapping (Grad-CAM) is used to draw the heat map of the input tomato leaf disease image in this paper. The idea of Grad-CAM algorithm is to use a specific convolutional neural network architecture to generate a visual heat map (Selvaraju et al., 2017). The key is to obtain the weight by obtaining the partial derivative of the category confidence of the network output to the feature graph. The formula is shown in the following Equation 11, where c is an image category, yc is the gradient corresponding to the category, Ak is the feature activation value, and the weight αkc of neurons can be obtained by calculation. The final heat map is obtained by weighted summation of the weight values of the categories corresponding to all feature graphs. See Equation 12 for the specific formula.

αkc=1ZijycAijk(11)
LGradCAMc=ReLU(kαkcAk)(12)

The heap map results obtained after Grad-CAM processing are shown in Figure 13. Some tomato leaf disease images are randomly selected, as shown in Figure 13A. The visualization results obtained by using different models are shown in Figures 13B–H. The visualization features obtained by ResNet50-DPA model are shown in Figure 13H. It can be seen that the model proposed in this paper pays more accurate attention to the disease region, and the Grad-CAM explains the ability of the model to identify leaf disease, which shows the region of interest of the model to the input image.

FIGURE 13
www.frontiersin.org

Figure 13 Visual heat map: (A) Original Image (B) AlexNet (C) MobileNetV2 (D) DenseNet121 (E) ResNet34 (F) ResNet50 (G) ResNet101 (H) ResNet50-DPA.

4 Discuss

In the identification of tomato leaf disease, a novel detection method based on ResNet50-DPA was proposed in this paper. How the proposed model accurately identifies disease types can be explained from the following two aspects.

On the one hand, the analysis is carried out according to the proposed detection method. The data enhancement technique is used to expand the data set to ensure the diversity of the data set and prevent the overfitting phenomenon. By replacing the first layer of convolution with a cascade of atrous convolution, atrous convolution can expand the range of receptive field and facilitate the extraction of features at different scales, instead of simply extracting blade features at the same scale. DPA is inserted into the residual module to enhance the extraction of important features. Three pooling operations are used in DPA, which not only reduces the problem of image information loss, but also eliminates the influence of non-maximum values in the model. The replacement of two one-dimensional convolution MLP layers also reduces the loss of information because it does not involve dimensionality reduction operations.

On the other hand, the analysis is based on the obtained results. Firstly, three sets of comparison experiments are carried out, and the experimental results show that the proposed model converges faster and has higher accuracy. Secondly, the confusion matrix are used to observe the classification performance of different disease categories. It can be seen that ResNet50-DPA has a good recognition effect on 10 tomato leaf disease types, and only a few samples are classified wrong. Finally, the Grad-CAM was used for visualization analysis. The Grad-CAM could highlight the most concerned regions of the model in the feature extraction process. The results showed that the proposed model could better focus on the disease regions of tomato leaves compared with other models, which verified the effectiveness of the proposed model.

In summary, although the current application scenarios are relatively limited, the models proposed in this paper can effectively identify different leaf disease types in limited scenarios, and the interpretability of the models is improved through visualization. The method proposed in this paper can help us to manage early disease, maintain crop growth, take control measures in time and reduce economic losses.

5 Conclusion

In this paper, a novel ResNet50-DPA model is proposed for tomato leaf disease recognition, which solves the problem of image information loss when extracting image features from conventional convolutional neural networks. In this method, the proposed DPA mechanism is introduced into the residual module of the residual network ResNet50 to enhance the ability of the network to extract details of tomato leaves. Then, cascades of atrous convolution are used to replace the first layer of convolution in ResNet50 to obtain leaf features at different scales and further improve the performance of the model. Finally, compared with the traditional methods, the experimental results show that the proposed model is superior to the common deep learning model, reaching an accuracy of 99.28%, which verifies the effectiveness of the proposed model for tomato leaf disease classification. In addition, the generalization ability and computing speed of the model proposed in the paper need to be further improved, which will be our future research.

Data availability statement

Publicly available datasets were analyzed in this study. This data can be found here: https://github.com/spMohanty/PlantVillage-Dataset.

Author contributions

WJ: Funding acquisition, Project administration, Supervision, Writing – review & editing. JL: Methodology, Visualization, Writing – original draft.

Funding

The author(s) declare financial support was received for the research, authorship, and/or publication of this article. This research was supported by the Foundation of Shanghai Institute of Technology (Grant number: XTCX2021-10).

Acknowledgments

The authors wish to thank all the reviewers who participated in the review during the preparation of this manuscript.

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Supplementary material

The Supplementary Material for this article can be found online at: https://www.frontiersin.org/articles/10.3389/fpls.2023.1258658/full#supplementary-material

Supplementary Figure 1 | Image equalization processing: (A) Histogram before image equalization processing (B) Histogram after image equalization processing.

Supplementary Figure 2 | Residual block structure: (A) The basic residual block (B) ResNet50 residual block.

Supplementary Figure 3 | Feature map in visual convolution.

References

Ahmad, N., Asif, H. M. S., Saleem, G., Younus, M. U., Anwar, S., Anjum, M. R. (2021). Leaf image-based plant disease identification using color and texture features. Wireless Pers. Commun. 121, 1139–1168. doi: 10.1007/s11277-021-09054-2

CrossRef Full Text | Google Scholar

Al-Wesabi, F. N., Albraikan, A. A., Hilal, A. M., Eltahir, M. M., Hamza, M. A., Zamani, A. (2022). Artificial intelligence enabled apple leaf disease classification for precision agriculture. Computers Materials Continue 70, 6223–6238. doi: 10.32604/cmc.2022.021299

CrossRef Full Text | Google Scholar

Ananda, S. P., Vandana, B. M. (2022). Transfer learning for multi-crop leaf disease image classification using convolutional neural network VGG. Artif. Intell. Agric. 6, 23–33. doi: 10.1016/j.aiia.2021.12.002

CrossRef Full Text | Google Scholar

Anandhakrishnan, T., Jaisakthi, S. M. (2022). Deep Convolutional Neural Networks for image based tomato leaf disease detection. Sustain. Chem. Pharm. 30, 100793. doi: 10.1016/j.scp.2022.100793

CrossRef Full Text | Google Scholar

Arafa, R. A., Kamel, S. M., Taher, D. I., Solberg, S. O., Rakha, M. T. (2022). Leaf extracts from resistant wild tomato can be used to control late blight (Phytophthora infestans) in the cultivated tomato. Plants 11, 1824. doi: 10.3390/plants11141824

PubMed Abstract | CrossRef Full Text | Google Scholar

Bhatkar, N. S., Shirkole, S. S., Mujumdar, A. S., Thorat, B. N. (2021). Drying of tomatoes and tomato processing waste: a critical review of the quality aspects. Drying Technol. 39, 1720–1744. doi: 10.1080/07373937.2021.1910832

CrossRef Full Text | Google Scholar

Cao, Z., Yuan, R. (2022). Real-time detection of mango based on improved YOLOv4. Electronics 11, 3853. doi: 10.3390/electronics11233853

CrossRef Full Text | Google Scholar

Chen, L., Tian, X., Chai, G., Zhang, X., Chen, E. A. (2021). New CBAM-P-net model for few-shot forest species classification using airborne hyperspectral images. Remote Sens. 13, 1269. doi: 10.3390/rs13071269

CrossRef Full Text | Google Scholar

Chin, R., Catal, C., Kassahun, A. (2023). Plant disease detection using drones in precision agriculture. Precis. Agric. 24, 1663–1682. doi: 10.1007/s11119-023-10014-y

CrossRef Full Text | Google Scholar

Elhassouny, A., Smarandache, F. (2019). “Smart mobile application to recognize tomato leaf diseases using Convolutional Neural Networks,” in 2019 International Conference of Computer Science and Renewable Energies (ICCSRE), Agadir, Morocco. 1–4.

Google Scholar

Faisal, M., Leu, J. S., Avian, C., Prakosa, S. W., Koppen, M. (2023). DFNet: Dense fusion convolution neural network for plant leaf disease classification. Agron. J., 21341. doi: 10.1002/agj2.21341

CrossRef Full Text | Google Scholar

He, K., Zhang, X., Ren, S., Sun, J. (2016). “Deep residual learning for image recognition,” in 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA. 770–778.

Google Scholar

Hu, Z., Zhang, Y. (2023). Effect of dimensionality reduction and noise reduction on hyperspectral recognition during incubation period of tomato early blight. Spectrosc. Spectral Anal. 43, 744–752. doi: 10.3964/j.issn.1000-0593(2023)03-0744-09

CrossRef Full Text | Google Scholar

Jing, J. P., Li, S. F., Qiao, C., Li, K. Y., Zhu, X. Y., Zhang, L. X. (2023). A tomato disease identification method based on leaf image automatic labeling algorithm and improved YOLOv5 model. J. Sci. Food Agric. doi: 10.1002/jsfa.12793

CrossRef Full Text | Google Scholar

Kute, R. S., Vyas, V., Anuse, A. (2019). Component-based face recognition under transfer learning for forensic applications. Inf. Sci. 476, 176–191. doi: 10.1016/j.ins.2018.10.014

CrossRef Full Text | Google Scholar

Li, D. L., Song, Z. Y., Quan, C. Q., Xu, X. B., Liu, C. (2022). Recent advances in image fusion technology in agriculture. Comput. Electron. Agric. 191, 106491. doi: 10.1016/j.compag.2021.106491

CrossRef Full Text | Google Scholar

Liu, B., Ding, Z., Tian, L., He, D., Li, S., Wang, H. (2020). Grape leaf disease identification using improved deep convolutional neural networks. Front. Plant Sci. 11, 1082. doi: 10.3389/fpls.2020.01082

PubMed Abstract | CrossRef Full Text | Google Scholar

Liu, W., Yu, L., Luo, J. (2022). A hybrid attention-enhanced DenseNet neural network model based on improved U-Net for rice leaf disease identification. Front. Plant Sci. 13, 922809. doi: 10.3389/fpls.2022.922809

PubMed Abstract | CrossRef Full Text | Google Scholar

Liu, S. H., Zhai, B. L., Zhang, J. T., Yang, L. P., Wang, J. Z., Huang, K., et al. (2023). Tomato detection based on convolutional neural network for robotic application. J. Food Process Eng. 46. doi: 10.1111/jfpe.14239

CrossRef Full Text | Google Scholar

Manavalan, R. (2021). Automatic identification of diseases in grains crops through computational approaches: A review. Comput. Electron. Agric. 178, 105802. doi: 10.1016/j.compag.2020.105802

CrossRef Full Text | Google Scholar

Moussafir, M., Chaibi, H., Saadane, R., Chehri, A., Rharras, A. E., Jeon, G. (2022). Design of efficient techniques for tomato leaf disease detection using genetic algorithm-based and deep neural networks. Plant Soil 479, 251–266. doi: 10.1007/s11104-022-05513-2

CrossRef Full Text | Google Scholar

Paul, R. K., Vennila, S., Bhat, M. N., Yadav, S. K., Sharma, V. K., Nisar, S., et al. (2019). Prediction of early blight severity in tomato (Solanum lycopersicum) by machine learning technique. Indian J. Agric. Sci. 89, 169–175. doi: 10.56093/ijas.v89i11.95344

CrossRef Full Text | Google Scholar

Qin, F., Liu, D. X., Sun, B. D., Ruan, L., Ma, Z. H., Wang, H. G. (2017). Identification of alfalfa leaf diseases using image recognition technology. PLoS One 11, e0168274. doi: 10.1371/journal.Pone.0168274

CrossRef Full Text | Google Scholar

Rangarajan, A. K., Purushothaman, R., Ramesh, A. (2018). Tomato crop disease classification using pre-trained deep learning algorithm. Proc. Comput. Sci. 133, 1040–1047. doi: 10.1016/j.procs.2018.07.070

CrossRef Full Text | Google Scholar

Saleem, M. H., Potgieter, J., Arif, K. M. (2019). Plant disease detection and classification by deep learning. Plants 8, 468. doi: 10.3390/plants8110468

PubMed Abstract | CrossRef Full Text | Google Scholar

Selvaraju, R. R., Cogswell, M., Das, A., Vedantam, R., Parikh, D., Batra, D. (2017). “Grad-CAM: visual explanations from deep networks via gradient-based,” in 2017 IEEE International Conference on Computer Vision (ICCV), Venice, Italy. 618–626.

Google Scholar

Sghair, M. E., Naisbitt, J. (2017). An algorithm for plant diseases detection based on color features. Int. J. Agric. Sci. 2.

Google Scholar

Tang, J. R., Isa, N. A. M. (2017). Bi-histogram equalization using modified histogram bins. Appl. Soft Computing 55, 31–43. doi: 10.1016/j.asoc.2017.01.053

CrossRef Full Text | Google Scholar

Thakur, P. S., Khanna, P., Sheorey, T., Ojha, A. (2022). Trends in vision-based machine learning techniques for plant disease identification: A systematic review. Expert Syst. Appl. 208, 118117. doi: 10.1016/j.eswa.2022.118117

CrossRef Full Text | Google Scholar

Theodora, S., Argyrios, S., Maria, V. S., Minas, D. (2023). Tomato leaf disease identification via two–stage transfer learning approach. Smart Agric. Technol. 5, 100275. doi: 10.1016/j.atech.2023.100275

CrossRef Full Text | Google Scholar

Ujawe, P., Nirkhi, S. (2023). Comparative study of tomato crop disease detection system using deep learning techniques. Intelligent Communication Technol. Virtual Mobile Networks 131, 493–499. doi: 10.1007/978-981-19-1844-5_39

CrossRef Full Text | Google Scholar

Vishnoi, V. K., Kumar, K., Kumar, B. (2020). Plant disease detection using computational intelligence and image processing. J. Plant Dis. Prot. 128, 19–53. doi: 10.1007/s41348-020-00368-0

CrossRef Full Text | Google Scholar

Wang, H., Li, G., Ma, Z., Li, X. (2012). “Image recognition of plant diseases based on backpropagation networks,” in 2012 5th International Congress on Image and Signal Processing, Chongqing, China. 894–900.

Google Scholar

Wang, L., Zhang, K., Liu, X., Long, E., Jiang, J., An, Y., et al. (2017). Comparative analysis of image classification methods for automatic diagnosis of ophthalmic images. Sci. Rep. 7, 41545. doi: 10.1038/srep41545

PubMed Abstract | CrossRef Full Text | Google Scholar

Yao, Q., Guan, Z., Zhou, Y., Tang, J., Hu, Y., Yang, B. (2009). “Application of support vector machine for detecting rice diseases using shape and color texture features,” in 2009 International Conference on Engineering Computation, Hong Kong, China. 79–83.

Google Scholar

Zhao, S., Peng, Y., Liu, J., Wu, S. (2021). Tomato leaf disease diagnosis based on improved convolution neural network by attention module. Agriculture 11, 651. doi: 10.3390/agriculture11070651

CrossRef Full Text | Google Scholar

Zhao, Y., Sun, C., Xu, X., Chen, J. (2022). RIC-Net: A plant disease classification model based on the fusion of Inception and residual structure and embedded attention mechanism. Comput. Electron. Agric. 193, 106644. doi: 10.1016/j.compag.2021.106644

CrossRef Full Text | Google Scholar

Zhou, C., Zhou, S., Xing, J., Song, J. (2021). Tomato leaf disease identification by restructured deep residual dense network. IEEE Access 9, 28822–28831. doi: 10.1109/ACCESS.2021.3058947

CrossRef Full Text | Google Scholar

Keywords: tomato leaf image, disease identification, deep learning, convolutional neural network, feature extraction

Citation: Liang J and Jiang W (2023) A ResNet50-DPA model for tomato leaf disease identification. Front. Plant Sci. 14:1258658. doi: 10.3389/fpls.2023.1258658

Received: 14 July 2023; Accepted: 18 September 2023;
Published: 16 October 2023.

Edited by:

Tonghai Liu, Tianjin Agricultural University, China

Reviewed by:

M. F. Mridha, American International University, Bangladesh
Xiujun Zhang, Chinese Academy of Sciences (CAS), China

Copyright © 2023 Liang and Jiang. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Wenping Jiang, jiangwenping@sit.edu.cn

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.