Skip to main content

REVIEW article

Front. Plant Sci., 01 November 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

Convolutional neural network in rice disease recognition: accuracy, speed and lightweight

  • 1College of Information and Network Engineering, Anhui Science and Technology University, Bengbu, Anhui, China
  • 2Information Network Security College, Yunnan Police College, Kunming, Yunnan, China
  • 3Mechanical and Electrical Engineering College, Hainan University, Haikou, Hainan, China

There are many rice diseases, which have very serious negative effects on rice growth and final yield. It is very important to identify the categories of rice diseases and control them. In the past, the identification of rice disease types was completely dependent on manual work, which required a high level of human experience. But the method often could not achieve the desired effect, and was difficult to popularize on a large scale. Convolutional neural networks are good at extracting localized features from input data, converting low-level shape and texture features into high-level semantic features. Models trained by convolutional neural network technology based on existing data can extract common features of data and make the framework have generalization ability. Applying ensemble learning or transfer learning techniques to convolutional neural network can further improve the performance of the model. In recent years, convolutional neural network technology has been applied to the automatic recognition of rice diseases, which reduces the manpower burden and ensures the accuracy of recognition. In this paper, the applications of convolutional neural network technology in rice disease recognition are summarized, and the fruitful achievements in rice disease recognition accuracy, speed, and mobile device deployment are described. This paper also elaborates on the lightweighting of convolutional neural networks for real-time applications as well as mobile deployments, and the various improvements in the dataset and model structure to enhance the model recognition performance.

1 Introduction

In recent years, rice planting has developed quickly and the mechanization degree has been gradually improved (Kabir et al., 2021). However, rice disease has always been a huge obstacle to the further development of rice planting (Azim et al., 2021). The disease has always been an important factor restricting rice growth, high and stable yield. Rice disease affects the total grain loss of up to 10% to 30% in the world every year (Agrawal and Agrawal, 2020). Therefore, rapid and accurate identification of rice diseases is very important for ensuring rice production and maintaining global food security (Daniya and Vigneshwari, 2022a).

The traditional rice disease recognition generally relies on the experience accumulation of farmers in the actual production process (Yakkundimath et al., 2022). This method has high professional requirements for practitioners, consumes a lot of workforce and costs. But the judgment outcomes are highly biased, with large errors even (Sony, 2019). It is challenging to achieve accurate disease identification, simple to lose the best time for disease preclusion and control. At the same time, it is difficult to meet current needs for real-time monitoring and prediction of a wide range of diseases (Chen J. et al., 2020). Therefore, it is significant to investigate automatic recognition methods of rice typical diseases for early detection, diagnosis, and treatment of rice diseases to reduce loss and increase yield (Jadhav et al., 2021; Jiang et al., 2021).

With the enhancement of computing power of computer hardware and the explosive growth of data, deep learning technology has achieved very good results and been broadly applied in many areas such as speech recognition, image processing, and natural language processing (Domingues et al., 2022; Ning et al., 2022). The convolutional neural network is a very representative deep learning technology (Priyangka and Kumara, 2021). Its performances in computer vision missions such as image semantic segmentation, object detection, and classification recognition are far superior to other traditional methods. It has been extensively used in face recognition, automatic driving, and other engineering fields (Brahimi et al., 2018; Sethy et al., 2020a).

In terms of rice disease recognition, convolutional neural networks have also obtained very good results and been widely utilized (Li et al., 2020; Sharma et al., 2020) (Figure 1). In Figure 1, the CNN backbone is a common convolutional neural network such as ResNet50,VGG16 etc. which is mainly responsible for extracting various features from images. The RPN searches for candidate regions where rice diseases may be present from the extracted features by traversing them at a time. The ROI pooling converts all candidate regions into a format that is uniform in length and width. The final fully connected layer unifies all the candidate regions and outputs the type of rice disease and its location in the image. With deepening application, the recognition of rice disease has put forward new requirements for convolutional neural networks. In the paper, the achievements of convolutional neural networks in rice disease recognition in recent years are summarized, and the recognition accuracy optimization, recognition speed improvement, and lightweight revision are discussed respectively. The contributions of the paper are the following:

● Theory of convolutional neural networks is explained detailed, especially various measures that could reduce the complexity of convolutional neural networks.

● Methods that can improve the accuracy of rice disease identification based on convolutional neural networks are summarized.

● Existing research results for speeding up convolutional neural networks to identify rice diseases are summarized.

● The deployment of convolutional neural networks to mobile devices for real-time rice disease identification is summarized.

● The limitations of rice disease recognition based on convolutional neural networks are given and the future research priorities are envisioned.

FIGURE 1
www.frontiersin.org

Figure 1 Rice disease detection model diagram. (Reprinted from ref. (Li et al., 2020) under the terms of the Creative Commons CC-BY license).

The structure of this paper is organized as follows: the first part is the introduction; the second part discusses the basic principles and lightweight measures of convolutional neural networks; the third part summarizes the method of convolutional neural network to improve the recognition accuracy in the process of rice disease recognition; in the fourth part, the measures to deploy convolutional neural networks on mobile devices after lightweight revision in the process of rice disease recognition are discussed; the fifth part summarizes the approaches to optimize the recognition speed; the sixth part lists limitations of convolutional neural networks applied in rice disease identification and future research directions. Finally, a summary of the paper is presented.

2 Theory of convolutional neural network

The convolutional neural network is one of the classical ways of deep learning with multi-layers structure and convolution computation (Gu et al., 2018). It can automatically extract image properties and advanced features that cannot be extracted manually (Yamashita et al., 2018). It has obvious advantages in image recognition and can be applied to large-scale data training (Senan et al., 2020). The lightweight operation of a convolutional neural network is also a research hotspot recently (Haque et al., 2021).

2.1 Framework of convolutional neural network

The structure of a convolutional neural network can be split into the convolution layer, pooling layer, and fully connected layer according to different calculation ways (Zhang et al., 2020) (Figure 2). The feature map is generated by extracting local features of input data through the convolution layer. The feature map dimension is reduced by the pooling layer. The processed feature map is input into the fully connected layer and the outcome according to different tasks is output (Lu et al., 2017; N et al., 2021).

FIGURE 2
www.frontiersin.org

Figure 2 A convolutional neural network framework. (Reprinted from ref. (Zhang et al., 2020) under the terms of the Creative Commons CC-BY license).

Convolution layer. The convolution layer collects local attributes of the training data by convolution operations (Atole and Park, 2018). The input data and weight parameters are combined with the offset value after convolution operations, and the result is the input of the activation function. The size of the final output feature graph is related to the setting of relevant parameters of the convolutional neural network. The formula for calculating convolution is:

xij(l)=f(m=0kn=0kxi=m,j+n(l1)wmn(l)+b(l))

x is the image pixel, k is the length or width of the convolution kernel, w is the weight vector, b is the bias, and fis the activation function. The image is input to the convolutional neural network as a data matrix, and the convolution kernel is essentially a local weight matrix as well. The convolution operation is to slide the convolution kernel over the input data in a certain number of steps, multiplying and summing element-by-element for each position to obtain a new 2D feature matrix. The convolution operation can effectively extract the local spatial information in the input data.

Pooling layer. Similar to the principle of convolution operations, pooling is realized by moving the sliding window on the feature graph (Jiang et al., 2020). According to the step size, each move on the feature map will get the presentation value of the region. After pooling operations, the size of the feature map will be reduced. The calculation formula for the pooling operation is the following:

xt=R(βt.P(xt1)+bt)

R is the activation function, P is the pooling function, β is the weight coefficient, and b is the bias. The pooling operation divides the input feature mapping matrix into non-overlapping regions and then performs aggregation of each region by calculating the average or taking the maximum value. The pooling operation aggregates or counts the values within each window by performing a sliding window process on this matrix and outputs them to the next layer as input data. The pooling operation is usually immediately followed by the convolution operation, which reduces the feature dimensions of the output of the convolutional layer by pooling, effectively preserving the important feature information.

Fully connected layer. The fully connected layer is positioned in the last part of the convolutional neural network. The fully connected mode is adopted to map the two-dimensional feature map into a one-dimensional vector, and finally map to the sample space according to different tasks. The preceding convolution layer and pooling layer map the input data to the feature representation space, and then the fully connected layer maps the feature representation space to the sample’s label space to achieve the final classification or regression task (Islam et al., 2021).

2.2 Lightweight measures of convolutional neural network

Traditional convolutional neural networks have the problem of too many parameters. If the model is improved to obtain better classification performance, a lot of sample sets are needed. However, in practical engineering applications, it is hard to get a lot of sample sets to promote the classification precision. There is an increasing demand for convolutional neural network deployments on mobile terminals, and in-depth lightweight research on convolutional neural networks is required. Under the premise of not reducing model performance, architecture size and the computational amount should be reduced as far as possible to get a balance between performance and overhead (Hui et al., 2020). At present, the lightweight of convolutional neural networks is mainly realized through model compression and adjustment of the convolution operation.

The commonly model compression methods are network pruning, parameter quantization, low-rank approximation, and knowledge distillation.

Network pruning. Pruning, as a classical technique in the field of model compression, has been widely used in the post-processing of various algorithms. Network pruning is an important technique which could reduce network complexity and prevent network overfitting (Yeom et al., 2021). It is widely employed in machine learning and convolutional neural networks (Figure 3). Network pruning can remove redundant connections in convolutional neural networks, decrease model complexity, and reduce the amount of computation. Moreover, it can effectually avoid overfitting and optimize the generalization of the architecture. Network pruning usually has three steps: training connection and measuring the importance of network neurons; removing unimportant neurons; retraining the network and fine-tuning the network (Chen R. et al., 2020).

FIGURE 3
www.frontiersin.org

Figure 3 Schematic illustration of network pruning. (A) Original network; (B) Weight measure for each node; (C) Network after pruning. (Reprinted from ref. (Yeom et al., 2021) under the terms of the Creative Commons CC-BY license).

Parameter quantization. Quantization is operations of replacing all the original parameters with part parameters, which greatly reduces the storage overhead. Parameter quantization, as a common back-end compression technique, can obtain a large reduction in model volume but little performance loss (Zhang and Chung, 2021). The demerit is that the quantified network is fixed, making it hard to change (Figure 4). On the other hand, the generalization of this way is poor, resulting in high maintenance costs. One of the simplest quantization algorithms is scalar quantization (Zhang et al., 2022).

FIGURE 4
www.frontiersin.org

Figure 4 Quantization of a convolutional layer. (Reprinted with permission from ref. (Zhang and Chung, 2021) copyright 2021 Elsevier).

Low-rank approximation. It decomposes the huge dense weight matrix into several small-scale matrices, the original weight matrix can be approximately reconstructed. The operation achieves the purpose of reducing storage and calculation (Lee et al., 2021). The basic computational mode of a convolutional neural network is convolution operations (Figure 5). In the actual implementation, the convolution operation is completed by matrix multiplication. However, the weight matrix tends to be dense and large in general, which brings huge overhead in computation and storage. An intuitive idea to solve the problem is that if the dense matrix can be approximately reconstructed through a few smaller matrices, then the storage and computation costs can be reduced effectively (Anvarjon and Kwon, 2020).

FIGURE 5
www.frontiersin.org

Figure 5 Rank-1 approximation. (Reprinted from ref. (Lee et al., 2021) under the terms of the Creative Commons CC-BY license).

Knowledge distillation. It is a transfer learning method, and its target is the convert of the knowledge learned from the complex network framework to the compact small model over certain approaches so that a tiny scheme can also obtain a similar capability as the complex model (Lee et al., 2021; Wang and Du, 2021; Chen W. et al., 2022) (Figure 6). In the framework of knowledge distillation, two basic elements play a decisive role: first, what is “knowledge”? That is, how to extract the knowledge in the model. The second is how to “distillation”? That is, how to complete the task of knowledge transfer (Sahu et al., 2018).

FIGURE 6
www.frontiersin.org

Figure 6 An example of knowledge distillation. (Reprinted with permission from ref. (Chen W. et al., 2022) copyright 2022 Elsevier).

It is an effective method to adjust standard convolution, decrease convolution parameters and speed up convolution operation. Although the model compression takes a good part in the process of convolutional neural network lightweight, its process is too complex, and it usually requires detailed repeated training to achieve a similar performance to the original model. Therefore, some researchers begin to directly design lightweight convolutional neural network frameworks to control the number of parameters and computation by group convolution, depth-wise separable convolution, depth-wise convolution, and pointwise convolution (Sunija et al., 2021).

Group convolution. It divides the dimension of feature channels into several equal parts, then convolves them separately, and piles up the results. The idea of group convolution is widely used in network design. Besides reducing the number of parameters, it can also be regarded as a structured sparse approach, equivalent to a regularization manner. As the number of filter groups raises, the model parameters decrease, and the framework becomes more efficient. Since the convolution is partitioned into multiple paths and each path can be handled separately through a respective GPU, the architecture can be trained on several GPUs in parallel, and the training speed of the mode is greatly accelerated (Huang et al., 2019).

Depth-wise separable convolution. The merit of depth-wise separable convolution is that the more attributes that need to be extracted, the more parameters can be saved, reducing the amount of computation. Deep-wise separable convolution is actually a kind of decomposable convolution operation, which involves spatial dimension, but also deals with depth dimension (Prottasha and Reza, 2022) (Figure 7). It can be decomposed into two smaller actions: deep convolution and point-by-point convolution.

FIGURE 7
www.frontiersin.org

Figure 7 Schematic illustration of a convolutional neural network with depth-wise separable convolution. (Reprinted from ref. (Prottasha and Reza, 2022) under the terms of the Creative Commons CC-BY license).

Depth-wise convolution. It is a kind of packet convolution in which the number of packets is equal to the amount of feature channels, and the convolution kernel is one-to-one corresponding to the channels. Therefore, the depth of the output feature map is the same as that of the input. For the multi-channel characteristic graphs from the previous layer, all of them are first split into feature graphs of a single channel, and single-channel convolution is performed on them respectively and then stacked together. Different from the standard convolution activities, deep-wise convolution splits the convolution kernel into several channels and carries out convolution operations on each channel without changing the depth of the input property image. In this way, the output attribute graph with the same amount of channels as the input feature graph is acquired (Ullah et al., 2021).

Pointwise convolution. The deep-wise convolution only adjusts the dimension of the property graph from the previous layer, while the number of channels does not change, which demands to be modified by pointwise convolution. The pointwise convolution is a 1*1 convolution. Since deep-wise convolution does not merge information between channels, it needs to be applied together with pointwise convolution. It could raise or reduce dimension of feature graphs. The operation of pointwise convolution is similarly to the conventional convolution operation, which is to produce a new attribute map by weighted addition of the property map of the former stage in the depth direction. Each filter exports one feature map, so several channels require multiple filters (Gayathri et al., 2020).

3 Convolutional neural network for better recognition accuracy

Accuracy is the basis of all applications. Only with better recognition accuracy can convolutional neural networks be widely utilized in rice disease recognition. Small and scattered rice disease sites in the images can lead to poor identification accuracy. To solve this problem, many researchers have started to improve the models in terms of their feature extraction capability and training methods. To enhance the feature extraction capability of the model, multi-scale features of rice diseases are often extracted from the images and merged by introducing an attention mechanism. The improvement of the model training method is mainly implemented by using ensemble learning.

By introducing the attention mechanism into a model, it can better understand the correlation between the input data, and improve its prediction ability. Shuai Feng et al. studied the detection of rice blast based on spectral characteristics (Feng S. et al., 2022). The convolutional neural network employed in the method combined the attention mechanism with a residual network to determine the optimal frontal characteristic wavelength. Guided gradient weighted class activation mapped spectral data to guided gradient weighted heat maps and finally determined the appropriate characteristic wavelength. Statistical analysis proved that this way could effectively identify the spectral characteristics of rice diseases and give a high precision recognition. The team also combined spectral features with vegetation index and texture features into the convolutional neural network to identify rice leaf blast (Feng S. et al., 2021). The scheme was adjusted based on a residual network. The spectral images of rice obtained by spectrometers in a paddy field in Shenyang, China, were increased from 145 to 4930 after data enhancement. The experimental comparison with several existing models verified that the neural network with multiple features was much better than the mode with only one feature. Shuo Chen et al. added an attention mechanism and multi-scale feature integration technique to the convolutional neural network to recognize rice diseases (Chen S. et al., 2021). The attention mechanism helped the model to find the key attributes, while the multi-scale feature integration technology could integrate the features of different scales for comprehensive analysis. The dataset consisted of 109 images taken by digital cameras in fields in Xuzhou, China and annotated by the LabelMe software. Data enhancement operations, such as rotation, stretching, sharpening, etc., led to a final dataset of 1,199 images. Experiments confirmed that the precision of rice disease recognition was improved. Mehdhar S. A. M. Al-Gaashani et al. introduced a self-attention mechanism to achieve high accurate rice disease recognition. The attention module embedded kernel attention and implemented contextual information extraction of features in this way. Experiments showed that the model had an accuracy of 98.71%. Afis Julianto et al. compared the accuracy of six typical convolutional neural networks: InceptionV3, ResNet50, InceptionResnetV2, DenseNet201, MobileNet, and EfficientNetB3 for rice disease recognition (Julianto and Sunyoto, 2021). Mendeley Data was used in the dataset, with 5,932 images covering four disease categories: white leaf blight, rice blast, brown spot, and tungro disease. The dataset was enhanced by zooming in, rotating, flipping, etc., and the image amount in the dataset was increased by six times. The experimental results reported that the InceptionResnetV2 network had the highest accuracy, but its training time was also the longest. Md. Mafiul Hasan Matin et al. modified the classical convolutional neural network AlexNet to identify rice diseases (Matin et al., 2020). Their proposed neural network had 5 convolutional layers, 3 fully connected layers, and finally 3 layers of customized network structure for rice disease recognition. The 120 images in the dataset came from Kaggle’s online data, and the number of images increased to 900 after data enhancement, involving leaf blight, brown spots, and smut of rice. The experiment verified that the accuracy of this method reached 99%. Wanjie Liang et al. also studied rice disease recognition based on the AlexNet network (Liang et al., 2019). They mainly investigated the automatic identification of rice blast disease. A total of 5,808 images were collected from the Institute of Plant Protection, Jiangsu Academy of Agricultural Sciences. The stochastic gradient descent algorithm was utilized to update the weights in the network during model training. The evaluation results revealed that the rice disease features extracted by this method had a better identification degree than those extracted by traditional manual methods, and the identification effect of rice disease was also better. Based on high-resolution images, Lele Wei et al. detected rice with different health states using the deep neural network YOLOv4 (Wei et al., 2022). All the images were taken by an unmanned aerial vehicle and processed by histogram equalization, color space conversion, and so on. The stochastic gradient algorithm based on momentum acceleration was employed to train the network mode. Compared with the conventional image segmentation algorithm, the results indicated that this technique was more efficient and stable. Susant Bhujel et al. combined cyclic learning rate fine-tuning and pre-training model in convolutional neural networks to recognize rice diseases (Bhujel and Shakya, 2022). The cyclic learning rate fine-tuning ensured a faster convergence, and the pre-training model could prevent the error signal amplification in the process of model training and speed up training (Figure 8). The original dataset contained 2,092 images from Kaggle’s online data, which was augmented to 8,368 images. Experimental data demonstrated that this method was effective in recognition.

FIGURE 8
www.frontiersin.org

Figure 8 Fine-tuned CNN. (Reprinted from ref. (Bhujel and Shakya, 2022) under the terms of the Creative Commons CC-BY license).

Multiscale feature fusion can help a model locate the position of the target more accurately. By fusing features with different sensory fields, the model can find the boundary and detailed information of the target, thus improving the accuracy of target detection and localization. Ching-Ling Wang et al. conducted a series or parallel operation of multiple convolutional neural networks to find the best network structure for rice disease recognition (Wang et al., 2022). Each independent convolutional neural network extracted different features, and these features would be fused in the decision stage and output the final consequence. To further improve the recognition accuracy, they also carried out two-stage data enhancement on the training data. The experimental results indicated that the parallel multi-convolutional neural network structure had the highest recognition accuracy, but also could preserve the micro spot disease feature on rice leaves. He Liu et al. improved the accuracy of rice disease recognition by advance processing of training data and continuous tuning of hyperparameters of convolutional neural networks. All the images used for training the model were standardized to the same size and the dataset was augmented by data enhancement techniques. Parameters such as learning rate, batch size, and number of iterations were continuously adjusted during the model training process, and a framework with a recognition accuracy of 98.64 was finally obtained. T. Daniya et al. proposed a neural network architecture for high precision identification of bacterial leaf blight in rice. To ensure high recognition accuracy, the framework needed to carry out a range of actions on the input images (Daniya and Vigneshwari, 2022b). Firstly, noise suppression, pixel normalization, and segmentation would be carried out on the images. Then, feature extraction to the segmented images and selected effective recognition features was conducted. Finally, the identification result was output. Experimental results reported that this method had higher recognition accuracy than other mainstream ways. Narendra Pal Singh Rathore et al. researched a sequential convolutional neural network to detect diseases of rice and they obtained an accuracy of 99.1% (Rathore and Prasad, 2020). The training model utilized a dataset of 1,000 images, all from Kaggle. All images were compressed to remove redundant pixels. To speed up the training process, images were rotated, shifted, and clipped in the pre-processing stage. This model fully demonstrated the great potential of convolutional neural networks in rice disease recognition. N. V. Raja Reddy Goluguri et al. combined the convolutional neural network with support vector machine, artificial neural network, and long short-term neural network to test the recognition effect of the new model on rice disease (Goluguri et al., 2021). In the process of network parameter training, particle swarm optimization algorithm, artificial fish swarm algorithm, and efficient artificial fish swarm algorithm were utilized to optimize the weight of each neuron. The experimental data validated that the method optimized by the efficient artificial fish swarm algorithm combined with the convolutional neural network and the long short-term memory neural network had the highest accuracy in identifying rice diseases, reaching 97.5%. Ancy Stephen et al. performed high-precision rice disease identification by combining a generative adversarial network with a convolutional neural network. All training data was from Kaggle and uniformed as 224*224*3. The texture, color, and shape features in the target area were extracted in both grayscale and color values. The improved backtracking search algorithm then optimized the layers and nodes for generative adversarial neural network. The model achieved a final recognition accuracy of 98.7%.

Through transfer learning, a model can borrow features, relationships, or patterns from the source domain and apply them to the target task, thereby improving the model’s performance and generalization on the target task. Sudhesh K.M et al. applied transfer learning technology and dynamic pattern recognition decomposition method to identify rice diseases (K.M et al., 2023). Among multiple convolutional neural networks trained based on 3416 images, the DenseNet121 network had the best recognition effect on rice disease. Training other machine learning algorithms with the rice disease features extracted by the DenseNet121 network could often achieve better recognition results. In addition, dynamic pattern decomposition driven by an attention mechanism was added to the architecture to locate rice disease areas faster and more accurately. Experimental data showed that the recognition accuracy of this method reached 94.33%. Debaniranjan Mohapatra et al. applied the transfer learning technique to train the AlexNet network to recognize rice diseases (Mohapatra and Das, 2023). The dataset, which included 1,732 images from Kaggle’s online data, covered three rice diseases: rice leaf blight, brown spot, and smut. Since the AlexNet network had been trained in advance, the number of pictures in the rice disease dataset was much lower. Experiments data confirmed that the rice disease recognition accuracy of the method was up to 98.8%. Ghazanfar Latif et al. modified the convolutional neural network VGG-19 to identify rice diseases (Latif et al., 2022). The VGG-19 network had been trained on other datasets, and rice disease identification could be carried out just by fine-tuning parameters, which could not only accelerate the model training speed, but also ensure the effect. If there was too little data in the dataset, it was easy to overfit the framework. Therefore, the authors enhanced the images in the dataset through fine-tuning to add images, thus the effect of model training was ensured (Figure 9). In Figure 9, A rice disease dataset originally contained a small number of images, but it was expanded through data enhancement techniques such as rotation, scaling, and panning to bring the number of images within the dataset to 2,465. A portion of the data was used to train the convolutional neural network and other part of the data was used to validate the performance of the trained model. For example, there were 371 images of healthy rice, of which 297 images were used to train the network model while the remaining 74 images were used to validate the performance of the network model. The recognition results demonstrated that the method was more powerful than other existing ways.

FIGURE 9
www.frontiersin.org

Figure 9 Distribution of training images and validation images of each rice disease and healthy rice leaf in the dataset. (Reprinted from ref. (Latif et al., 2022) under the terms of the Creative Commons CC-BY license).

4 Convolutional neural network for lightweight recognition

Rice disease recognition based on convolutional neural networks has obtained very good consequences in the laboratory, and the accuracy is particularly high. However, so far, the application in the process of rice cultivation is still relatively small. One of the most important reasons is that the convolutional neural network employed in the recognition process is still too complex, has too many parameters and high requirements on hardware. Therefore, further lightweight research on convolutional neural networks is needed to make it run on mobile devices such as smartphones.

It is very effective to process images through the deep neural network model to complete the classification and regression tasks. However, the parameters of the deep neural network model are generally tens of millions, even hundreds of millions. Such a complex model places high demands on both hardware and software computing resources during training and deployment. This is the reason that there are fewer examples of neural network technology application of rice disease identification. Currently, the lightweight operations of neural network models in rice disease identification process are achieved by adjusting the neural network structure.

Igor V. Arinichev et al. tested the performance of four relatively lightweight classical convolutional neural networks for rice disease identification: GoogleNet, ResNet-18, SqueezeNet-1.0, and DenseNet-121 (Arinichev et al., 2021). AlexNet and VGG networks were usually not considered in lightweight operations due to their complex structure and large number of parameters. The dataset contained 4,287 images related to brown spots and leaf blast in rice. The test results showed that the accuracy of these models all reached more than 95%. This indicated that convolutional neural networks played a very important role in rice disease recognition, and lightweight networks could also be deployed on mobile devices. Md. Sazzadul Islam Prottasha et al. proposed a relatively lightweight neural network with 2.4 million parameters to recognize rice diseases (Prottasha and Reza, 2022). To ensure the recognition effect under the premise of limited parameters, the Adam algorithm was applied to optimize and adjust parameters in the process of model training. The images in the dataset were from multiple rice fields in Bangladesh and the total number of images enhanced by the original data reached 13415. Experiments revealed that although the size of the model was smaller than the existing 8 most advanced convolutional neural networks, it still had a good recognition effect.

Yibin Wang et al. added the attention mechanism and Bayesian optimization algorithm to a convolutional neural network to reduce its volume and finally realized the application of rice disease recognition on mobile devices (Wang et al., 2021). The attention mechanism allowed the convolutional neural network to understand long distance information within the mode. Bayesian optimization applied a posterior function to decrease the parameters of the convolutional neural network. The dataset contained 2370 pieces of data, including both diseased and healthy rice samples. The extracted features were evaluated visually based on activation mapping and filter visualization techniques. Cross-validation classification experiments showed that the precision of the architecture achieved 94.85%. Chowdhury R. Rahman et al. presented a two-stage mini-convolutional neural network for offline recognition of rice diseases (Rahman et al., 2020). Compared with hundreds of millions of parameters in traditional convolutional neural networks, the network only needed 800,000 parameters, which made the memory efficiency very high and suitable for application in mobile scenarios. A total of 1426 images were included in the dataset for the training of the framework, involving five rice disease categories: pseudosmut, smut, sheath blight, health, and others. All the images were taken with four different types of cameras in different situations, such as summer and winter. Experiments indicated that the model achieved a good balance between memory efficiency and recognition accuracy. Junde Chen et al. designed a convolutional neural network called MobInc-Net for rice disease recognition (Chen J. et al., 2022). To reduce the complexity of the model, the original convolution methods were replaced by deep convolution and point convolution. A total of 1,000 images were collected into the dataset, covering 12 categories, through live photography and crawling on the web. The two-stage transfer learning technique used in mode training further developed the function of the method. Experimental data verified that the procedure had satisfactory efficiency and accuracy even in the complex background of rice disease recognition. The team also studied another outstanding lightweight convolutional neural network to identify minor lesions of rice diseases (Chen J.et al., 2021). This scheme belonged to the category of transfer learning. Training was started on a convolutional neural network that had been trained on ImageNet, which not only reduced the training cost but also improved the training effect. In addition, the framework also introduced an attention module, which could extract more critical details during feature extraction. The dataset consisted of 1,100 images, 660 of which were got online and other 440 were taken in paddy fields. Experiments based on both public and local datasets demonstrated the validity and reliability of the proposed method.

Poornima Singh Thakur et al. investigated a lightweight convolutional neural network with 7 convolution layers for rice disease recognition named VGG-ICNN (Thakur et al., 2023). The network had about 6 million parameters, much less than traditional convolutional neural networks, but its multi-scale feature extraction ability was still very good. The mode had been tested on several public datasets such as PlantVillage, and the results validated that it had a very good recognition effect. The network not only had a good recognition effect on rice diseases but also had perfect performance on maize, apple, and other plant diseases. The performance was also as well as other lightweight convolutional neural networks such as EfficientNet B0. Changguang Feng et al. incorporated deep feature extraction and the attention mechanism into a convolutional neural network to recognize rice blast disease (Feng C. et al., 2022). The depth feature extraction module could simultaneously extract the deep and shallow features of rice blast, and the attention mechanism module could achieve the lightweight goal of this neural network. The dataset contained 800 images, selected from the open dataset, and annotated with the LabelMe software (Figure 10). Figure 10 showed an image which contained rice disease labeled by the software LableMe. The background in the labeled images was standardized to black, the rice leaves were standardized to red, and the portion that was standardized to green represented the location of the lesion. The experiment showed that the method had good universality ability, strong anti-interference ability, and achieved a good balance between recognition speed and accuracy. At the same time, the method supplied a good reference for the deployment of rice disease recognition programs on the Internet of Things and mobile devices.

FIGURE 10
www.frontiersin.org

Figure 10 Original images and labeled images: the black part means background, the red part means healthy rice leaf, while the green part means rice disease spot. (Reprinted from ref. (Feng C. et al., 2022) under the terms of the Creative Commons CC-BY license).

Ruoling Deng et al. developed a deep learning program based on a convolutional neural network that could run on a smartphone and identify rice diseases (Figure 11). The method integrated several sub-modules to distinguish different rice diseases as much as possible (Deng et al., 2021). The training dataset had 33,026 images covering six rice diseases: leaf blast, pseudosmut, neck blast, sheath blight, bacterial stripe, and brown spot. Instead of starting from scratch, a mature scheme already trained on ImageNet was taken to the dataset for training, greatly reducing the training time. The test verified that the recognition accuracy of the model could still reach 95%. Dengshan Li et al. used deep learning techniques to examine rice pests and diseases in the videos (Li et al., 2020). The video was first divided into frames, which conducted rice diseases detectionand then resynthesized into video. The dataset contained 5,320 photos taken by mobile phones in rice paddies in several Chinese provinces, which related to rice grain blight, borers, and brown spots. In the experiment, the framework had achieved satisfactory results and the recognition results of the unprocessed original video were also very good, even though the video was fuzzy and the recognized object was irregular. Jiapeng Cui et al. presented an optimized lightweight convolutional neural network to identify rice diseases, which could identify not only the species of rice diseases, the location of rice diseases (Cui and Tan, 2023). They transposed convolution upsampling in the neural network structure and expanded convolution downsampling to achieve better extraction of rice disease features. The team utilized a digital camera to capture 500 images about rice leaf blight, stripe blight, white spot, stripe blight, and leaf blast. 2,500 images formed the dataset for training the neural network. The results revealed that the method was effective in identifying the five rice diseases.

FIGURE 11
www.frontiersin.org

Figure 11 The interface of the rice disease recognition APP. (Reprinted from ref. (Deng et al., 2021) under the terms of the Creative Commons CC-BY license).

5 Convolutional neural network for higher recognition speed

It is greatly significant to improve the speed of rice disease recognition and realize real-time applications. A lot of researchers have done much work on this aspect and have achieved good results. Rice disease identification based on specific types of images and the use of specific algorithms in the identification process can improve the speed of rice disease identification.

Many studies have demonstrated that identification based on rice disease images obtained by hyperspectral techniques and terahertz imaging is often faster. Lei Feng et al. introduced hyperspectral imaging technology and transfer learning into the process of rice disease detection and realized rapid recognition (Feng L. et al., 2021). Hyperspectral imaging was used to obtain images of rice diseases (Figure 12). The convolutional neural network trained on the original dataset was adjusted and utilized for rice disease recognition. Methods of adjustment included fine-tuning, depth-dependent alignment, and depth-domain obfuscation. The results showed that the model had high detection efficiency and generalization performance, and the scheme could detect different kinds of rice disease. Jinnuo Zhang et al. studied white leaf blight at the stage of rice breeding, using terahertz imaging and near-infrared spectral imaging (Zhang et al., 2020). The recognition models of one-dimensional spectral image and two-dimensional spectral image were respectively constructed with a convolutional neural network. One-dimensional spectral images contained spectral information of samples, while two-dimensional spectral images included both spectral information and spatial information of samples. To better investigate the recognition process, the team also performed a visual analysis. They finally confirmed that the combination of terahertz absorption spectra and convolutional neural network could perform the detection quickly.

FIGURE 12
www.frontiersin.org

Figure 12 Schematic diagram of the fine-tuning algorithm. (Reprinted from ref. (Feng L. et al., 2021) under the terms of the Creative Commons CC-BY license).

Of course, the time required for identification can also be reduced if the common rice disease images are properly processed. Santosh Kumar Upadhyay et al. devised a detection architecture with a convolutional neural network to obtain rapid diagnosis of rice diseases (Upadhyay and Kumar, 2022). From the input image to output result, the model contained 22 layers. Three rice diseases could be identified by the method: leaf smut, black spot, and leaf blight. Each disease had 4000 pictures in the dataset, of which 3200 pieces were the training set and 800 pieces were the verification set. All images were adjusted to a size of 64 by 64, then the background noise was removed and then grayed, and binarized. The advantage of the operations was that fast identification was guaranteed. The results revealed that the method was fast and effective, and the accuracy gained 99.7%.

Researchers also found that the recognition model based on the Faster R-CNN architecture was better than other algorithmic models in terms of rice disease recognition speed. An area based convolutional neural network was proposed by Bifta Sama Bari et al. to achieve real-time recognition of rice disease (Bari et al., 2021). The enhancement of the regional proposal network improved the detection speed of rice disease greatly. The dataset included both public data on the Internet and photos taken by the authors in the field, and there were 2400 pictures in the dataset. Augmentations to the images in the dataset further promoted the recognition speed and efficiency of the architecture. The results showed that the framework could realize real-time recognition of common rice diseases with very high accuracy. In addition, it could recognize healthy rice leaves. Prabira Kumar Sethy et al. reported a mode to recognize false smut of rice which combined a region proposal network and a convolutional neural network (Sethy et al., 2020b). The region proposal network could assist the model quickly locating the area of disease in the image to speed up the identification activities. All the images in the dataset were obtained by the camera on the smartphone and annotated in the MATLAB software. The test confirmed that the algorithm was effective. But the test may be invalid in some cases. The reason for invalid detection may be that the model provided multiple proposal regions, therefore the system performance needed to be further optimized. Taha Hussain et al. designed a rapid rice disease detection framework based on a convolutional neural network (Hussain et al., 2021). To improve the detection speed, the maximum pooling strategy was adopted in the pooling layer. The 2000 training images and 589 verification images in the dataset were captured by SLRS. All the images were processed into regular patterns and the color images were converted to gray level to ensure the speed of training and recognition. The experimental consequences demonstrated that the framework could complete the recognition procedure in only 0.05 seconds when the recognition accuracy reached 95%, which was very fast.

6 Limitations and prospect

Although convolutional neural networks have achieved a lot of results in rice disease recognition, there are still some problems that restrict the development of this research. It is expected that the key work of the research in the future will focus on solving these difficulties.

6.1 Limitations of convolutional neural network in rice disease recognition

Although rice disease recognition based on convolutional neural networks has achieved good results, it still faces the problems of excessive training data, limited accuracy, and high computer computation consumption in practical applications (Joseph et al., 2023).

Rice disease recognition based on convolutional neural networks and images requires a large amount of data to train the model and validate its performance. Different types of rice diseases may behave similarly on images, and a large number of images must be available to ensure the effectiveness of recognizing different diseases (Ahmed et al., 2023). The convolutional neural network, as a deep learning model, has a complex structure and contains many parameters, so the demand for data during training is relatively large (Aggarwal et al., 2023; Dogra et al., 2023). Therefore, the rice disease recognition work based on convolutional neural network must have enough rice disease images to ensure the final recognition effect. With the increasing requirement of rice disease recognition accuracy in real-world applications, it becomes more and more difficult to accomplish the work using convolutional neural networks alone. Many researchers have worked on optimizing the identification of rice diseases by modifying the structure of convolutional neural networks. Initially, they achieved good results, but as the optimization work progressed, the improvement in the accuracy of rice disease recognition became less effective (Lamba et al., 2023). To train and obtain a convolutional neural network that is effective in recognizing rice diseases, massive computational resources are often required (Haridasan et al., 2022; Bhuyan et al., 2023). The method relays significantly on the hardware platform, thus greatly limiting the real-time and mobile applications of convolutional neural networks in the rice disease identification process (Patil and Kumar, 2022; Senthil Pandi et al., 2022). Convolutional neural network-based rice disease recognition has to solve this problem if it aims to get out of the laboratory and gain wide application.

6.2 Prospect of convolutional neural network in rice disease recognition

Rice disease recognition based on convolutional neural networks still has vast research space and application value in the future. First, rice disease identification based on small sample data may be a hot spot in the future research. Enhancing the model’s ability of extracting rice disease features by modifying the structure of convolutional neural networks can improve the training speed and extend the application range. Expanding the small sample dataset by data augmentation techniques or employing transfer learning methods to enhance the extraction ability of specific features by convolutional neural networks are the two feasible approaches (Lu et al., 2023; Ramkumar Raja et al., 2023). Second, coupling convolutional neural networks with other machine learning models through an ensemble learning approach may further enhance the recognition of rice diseases (Ahad et al., 2023; Yang et al., 2023b). Different types of machine learning models are not sensitive to the features in the dataset, and integrating multiple machine learning models together can provide more comprehensive and effective recognition of various features. Therefore, it will improve the accuracy of recognition. Third, real-time identification and mobile deployment of rice diseases will also be the focus of the following research. Only when real-time identification of rice diseases is realized on mobile devices such as smartphones can a wide range of applications be truly realized. Currently, there are still many factors constraining the real-time rice disease identification and mobile deployment, such as complex network structure and large number of training data. Therefore, this research will be the focus of the next long period of time (Yang et al., 2023a).

7 Summary

Rice is one of basic foods in the world, and it is greatly significant to ensure its growth and yield security. From growth to harvest, rice is threatened by a variety of diseases, which poses a serious challenge to human food security. To prevent and control rice diseases, human beings began to study and control rice diseases from a very early time. Traditionally, farmers judge rice disease types based on the existing experience, which takes a lot of trouble and effort, and there are serious defects in recognition accuracy and large-scale promotion. As a very successful branch of deep learning technology, the convolutional neural network has made remarkable achievements in image-based classification, recognition, and segmentation. Automatic recognition of rice disease based on convolutional neural networks has also gained many effects in recent years. This paper summarizes the excellent achievements of convolutional neural networks in rice disease recognition in recent years and focuses on its research progress in recognition accuracy improvement, recognition speed optimization, and mobile terminal deployment. The current research on rice disease recognition based on convolutional neural networks mainly focuses on the improvement of accuracy, and the recognition accuracy in the laboratory has reached a high level through data preprocessing and network structure optimization. To extend the application of convolutional neural networks for rice disease recognition in practice, it is necessary to improve its recognition speed and the ability of deploying in mobile devices. Therefore, the simplification of the network structure is also the focus of the research. As convolutional neural networks require a large amount of sample data to support the training process, the needs for computer computation power are also relatively high, which limits the application of convolutional neural networks in rice disease identification. In the future, the convolutional neural network training based on small sample data combined with transfer learning technology, performance optimization of convolutional neural networks combined with ensemble learning technology, and simplification of the network structure for mobile deployment and real-time detection are the focus of convolutional neural networks in rice disease recognition. It is believed that this paper is important for further boosting the capability of convolutional neural networks in rice disease recognition and expanding the utilization of convolutional neural network in rice disease recognition.

Author contributions

HN: Writing – original draft, Writing – review & editing. SL: Writing – original draft, Writing – review & editing. QZ: Writing – review & editing. TZ: Conceptualization, Writing – review & editing.

Funding

The author(s) declare financial support was received for the research, authorship, and/or publication of this article. This work was funded by the National Natural Science Foundation of China (No. 52075138) and Hainan Province Science and Technology Special Fund (No. ZDYF2022SHFZ301), the Science and Technology Plan Project of Anhui Province (Grant No. 202104f06020019), the Natural Science Foundation for the Higher Education Institutions of Anhui Province (Grant No. 2022AH051631), and the Natural Science General Project of Anhui Science and Technology University (Grant No. 2021zryb26).

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.1269371/full#supplementary-material

Abbreviations

GPU, Graphics Processing Unit; SLR, Single Lens Reflex Camera; YOLO, You Only Look Once; VGG, Visual Geometry Group; R-CNN, Region-based Convolutional Neural Network.

References

Aggarwal, M., Khullar, V., Goyal, N., Singh, A., Tolba, A., Thompson, E. B., et al. (2023). Pre-trained deep neural network-based features selection supported machine learning for rice leaf disease classification. Agriculture 13, 936–959. doi: 10.3390/agriculture13050936

CrossRef Full Text | Google Scholar

Agrawal, M. M., Agrawal, S. (2020). Rice plant diseases detection & classification using deep learning models: a systematic review. J. Crit. Rev. 7, 4376–4390.

Google Scholar

Ahad, M. T., Li, Y., Song, B., Bhuiyan, T. (2023). Comparison of CNN-based deep learning architectures for rice diseases classification. Artif. Intell. Agric. 9, 22–35. doi: 10.1016/j.aiia.2023.07.001

CrossRef Full Text | Google Scholar

Ahmed, T., Rahman, C. R., Abid, M. F. M. (2023). Rice disease detection based on dual-phase convolution neural network. Geographical Res. Bull. 2, 128–143. doi: 10.50908/grb.2.0_128

CrossRef Full Text | Google Scholar

Anvarjon, T., Kwon, S. (2020). Deep-net: A lightweight CNN-based speech emotion recognition system using deep frequency features. Sensors 20, 5212. doi: 10.3390/s20185212

PubMed Abstract | CrossRef Full Text | Google Scholar

Arinichev, I. V., Polyanskikh, S. V., Volkova, G. V., Arinicheva, I. V. (2021). Rice fungal diseases recognition using modern computer vision techniques. Int. J. Fuzzy Logic Intelligent Syst. 21, 1–11. doi: 10.5391/IJFIS.2021.21.1.1

CrossRef Full Text | Google Scholar

Atole, R. R., Park, D. (2018). A multiclass deep convolutional neural network classifier for detection of common rice plant anomalies. Int. J. Adv. Comput. Sci. Appl. 9, 67. doi: 10.14569/IJACSA.2018.090109

CrossRef Full Text | Google Scholar

Azim, M. A., Islam, M. K., Rahman, M. M., Jahan, F. (2021). An effective feature extraction method for rice leaf disease classification. TELKOMNIKA (Telecommunication Computing Electron. Control) 19, 463–470. doi: 10.12928/telkomnika.v19i2.16488

CrossRef Full Text | Google Scholar

Bari, B. S., Islam, M. N., Rashid, M., Hasan, M. J., Razman, M. A. M., Musa, R. M., et al. (2021). A real-time approach of diagnosing rice leaf disease using deep learning-based faster R-CNN framework. PeerJ Comput. Sci. 7, e432. doi: 10.7717/peerj-cs.432

PubMed Abstract | CrossRef Full Text | Google Scholar

Bhujel, S., Shakya, S. (2022). Rice leaf diseases classification using discriminative fine tuning and CLR on efficientNet. J. Soft Comput. Paradigm 4, 172–187. doi: 10.36548/jscp.2022.3.006

CrossRef Full Text | Google Scholar

Bhuyan, P., Singh, P. K., Das, S. K., Kalla, A. (2023). SE_SPnet: Rice leaf disease prediction using stacked parallel convolutional neural network with squeeze-and-excitation. Expert Syst. 40 (7), e13304. doi: 10.1111/exsy.13304

CrossRef Full Text | Google Scholar

Brahimi, M., Arsenovic, M., Laraba, S., Sladojevic, S., Boukhalfa, K., Moussaoui, A. (2018). Deep learning for plant diseases: detection and saliency map visualisation. Hum. Mach. Learning: Visible Explainable Trustworthy Transparent 2018, 93–117. doi: 10.1007/978-3-319-90403-0_6

CrossRef Full Text | Google Scholar

Chen, J., Chen, W., Zeb, A., Yang, S., Zhang, D. (2022). Lightweight inception networks for the recognition and detection of rice plant diseases. IEEE Sensors J. 22, 14628–14638. doi: 10.1109/JSEN.2022.3182304

CrossRef Full Text | Google Scholar

Chen, J., Zhang, D., Nanehkaran, Y. A., Li, D. (2020). Detection of rice plant diseases based on deep transfer learning. J. Sci. Food Agric. 100, 3246–3256. doi: 10.1002/jsfa.10365

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, J., Zhang, D., Zeb, A., Nanehkaran, Y. A. (2021). Identification of rice plant diseases using lightweight attention networks. Expert Syst. Appl. 169, 114514. doi: 10.1016/j.eswa.2020.114514

CrossRef Full Text | Google Scholar

Chen, R., Li, X., Li, S. (2020). A lightweight CNN model for refining moving vehicle detection from satellite videos. IEEE Access 8, 221897–221917. doi: 10.1109/ACCESS.2020.3040977

CrossRef Full Text | Google Scholar

Chen, W., Gao, L., Li, X., Shen, W. (2022). Lightweight convolutional neural network with knowledge distillation for cervical cells classification. Biomed. Signal Process. Control 71, 103177. doi: 10.1016/j.bspc.2021.103177

CrossRef Full Text | Google Scholar

Chen, S., Zhang, K., Zhao, Y., Sun, Y., Ban, W., Chen, Y., et al. (2021). An approach for rice bacterial leaf streak disease segmentation and disease severity estimation. Agriculture 11, 420–437. doi: 10.3390/agriculture11050420

CrossRef Full Text | Google Scholar

Cui, J., Tan, F. (2023). Rice plaque detection and identification based on an improved convolutional neural network. Agriculture 13, 170. doi: 10.3390/agriculture13010170

CrossRef Full Text | Google Scholar

Daniya, T., Vigneshwari, S. (2022a). Deep neural network for disease detection in rice plant using the texture and deep features. Comput. J. 65, 1812–1825. doi: 10.1093/comjnl/bxab022

CrossRef Full Text | Google Scholar

Daniya, T., Vigneshwari, S. (2022b). A novel Moore-Penrose pseudo-inverse weight-based Deep Convolution Neural Network for bacterial leaf blight disease detection system in rice plant. Adv. Eng. Software 174, 103336. doi: 10.1016/j.advengsoft.2022.103336

CrossRef Full Text | Google Scholar

Deng, R., Tao, M., Xing, H., Yang, X., Liu, C., Liao, K., et al. (2021). Automatic diagnosis of rice diseases using deep learning. Front. Plant Sci. 12, 701038. doi: 10.3389/fpls.2021.701038

PubMed Abstract | CrossRef Full Text | Google Scholar

Dogra, R., Rani, S., Singh, A., Albahar, M. A., Barrera, A. E., Alkhayyat, A. (2023). Deep learning model for detection of brown spot rice leaf disease with smart agriculture. Comput. Electr. Eng. 109, 108659. doi: 10.1016/j.compeleceng.2023.108659

CrossRef Full Text | Google Scholar

Domingues, T., Brandão, T., Ferreira, J. C. (2022). Machine learning for detection and prediction of crop diseases and pests: A comprehensive survey. Agriculture 12, 1350–1372. doi: 10.3390/agriculture12091350

CrossRef Full Text | Google Scholar

Feng, S., Cao, Y., Xu, T., Yu, F., Zhao, D., Zhang, G. (2021). Rice leaf blast classification method based on fused features and one-dimensional deep convolutional neural network. Remote Sens. 13, 3207. doi: 10.3390/rs13163207

CrossRef Full Text | Google Scholar

Feng, C., Jiang, M., Huang, Q., Zeng, L., Zhang, C., Fan, Y. (2022). A lightweight real-time rice blast disease segmentation method based on DFFANet. Agriculture 12, 1543–1554. doi: 10.3390/agriculture12101543

CrossRef Full Text | Google Scholar

Feng, L., Wu, B., He, Y., Zhang, C. (2021). Hyperspectral imaging combined with deep transfer learning for rice disease detection. Front. Plant Sci. 12, 693521. doi: 10.3389/fpls.2021.693521

PubMed Abstract | CrossRef Full Text | Google Scholar

Feng, S., Zhao, D., Guan, Q., Li, J., Liu, Z., Jin, Z., et al. (2022). A deep convolutional neural network-based wavelength selection method for spectral characteristics of rice blast disease. Comput. Electron. Agric. 199, 107199. doi: 10.1016/j.compag.2022.107199

CrossRef Full Text | Google Scholar

Gayathri, S., Gopi, V. P., Palanisamy, P. (2020). A lightweight CNN for Diabetic Retinopathy classification from fundus images. Biomed. Signal Process. Control 62, 102115. doi: 10.1016/j.bspc.2020.102115

CrossRef Full Text | Google Scholar

Goluguri, N. V. R. R., Devi, K. S., Srinivasan, P. (2021). Rice-net: an efficient artificial fish swarm optimization applied deep convolutional neural network model for identifying the Oryza sativa diseases. Neural Comput. Appl. 33, 5869–5884. doi: 10.1007/s00521-020-05364-x

CrossRef Full Text | Google Scholar

Gu, J., Wang, Z., Kuen, J., Ma, L., Shahroudy, A., Shuai, B., et al. (2018). Recent advances in convolutional neural networks. Pattern recognition 77, 354–377. doi: 10.1016/j.patcog.2017.10.013

CrossRef Full Text | Google Scholar

Haque, W. A., Arefin, S., Shihavuddin, A. S. M., Hasan, M. A. (2021). DeepThin: A novel lightweight CNN architecture for traffic sign recognition without GPU requirements. Expert Syst. Appl. 168, 114481. doi: 10.1016/j.eswa.2020.114481

CrossRef Full Text | Google Scholar

Haridasan, A., Thomas, J., Raj, E. D. (2022). Deep learning system for paddy plant disease detection and classification. Environ. Monit. Assess. 195, 120. doi: 10.1007/s10661-022-10656-x

PubMed Abstract | CrossRef Full Text | Google Scholar

Huang, K., Liu, X., Fu, S., Guo, D., Xu, M. (2019). A lightweight privacy-preserving CNN feature extraction framework for mobile sensing. IEEE Trans. Dependable Secure Computing 18, 1441–1455. doi: 10.1109/TDSC.2019.2913362

CrossRef Full Text | Google Scholar

Hui, T.-W., Tang, X., Loy, C. C. (2020). A lightweight optical flow CNN—Revisiting data fidelity and regularization. IEEE Trans. Pattern Anal. Mach. Intell. 43, 2555–2569. doi: 10.1109/TPAMI.2020.2976928

CrossRef Full Text | Google Scholar

Hussain, T., Gill, D., Pal Singh, R. (2021). A novel design of rice leaf disease detection model using machine learning. Int. J. Innovative Res. Eng. Manage. (IJIREM) ISSN 2021, 2350–0557. doi: 10.21276/ijirem.2021.8.6.16

CrossRef Full Text | Google Scholar

Islam, A., Islam, R., Haque, S. M. R., Islam, S. M. M., Khan, M. A. I. (2021). Rice leaf disease recognition using local threshold based segmentation and deep CNN. Int. J. Intell. Syst. Appl. 13, 35–45. doi: 10.5815/ijisa.2021.05.04

CrossRef Full Text | Google Scholar

Jadhav, S. B., Udupi, V. R., Patil, S. B. (2021). Identification of plant diseases using convolutional neural networks. Int. J. Inf. Technol. 13, 2461–2470. doi: 10.1007/s41870-020-00437-5

CrossRef Full Text | Google Scholar

Jiang, Z., Dong, Z., Jiang, W., YANG, Y. (2021). Recognition of rice leaf diseases and wheat leaf diseases based on multi-task deep transfer learning. Comput. Electron. Agric. 186, 106184. doi: 10.1016/j.compag.2021.106184

CrossRef Full Text | Google Scholar

Jiang, F., Lu, Y., Chen, Y., Cai, D., Li, G. (2020). Image recognition of four rice leaf diseases based on deep learning and support vector machine. Comput. Electron. Agric. 179, 105824. doi: 10.1016/j.compag.2020.105824

CrossRef Full Text | Google Scholar

Joseph, D. S., Pawar, P. M., Pramanik, R. (2023). Intelligent plant disease diagnosis using convolutional neural network: a review. Multimed. Tools Appl. 82, 21415–21481. doi: 10.1007/s11042-022-14004-6

CrossRef Full Text | Google Scholar

Julianto, A., Sunyoto, A. (2021). A performance evaluation of convolutional neural network architecture for classification of rice leaf disease. IAES Int. J. Artif. Intell. 10, 1069. doi: 10.11591/ijai.v10.i4.pp1069-1078

CrossRef Full Text | Google Scholar

Kabir, M. M., Ohi, A. Q., Mridha, M. F. (2021). A multi-plant disease diagnosis method using convolutional neural network. Comput. Vision Mach. Learn. Agric. 2021, 99–111. doi: 10.1007/978-981-33-6424-0_7

CrossRef Full Text | Google Scholar

K.M, S., V, S., P, S. K., O.K, S. (2023). AI based rice leaf disease identification enhanced by Dynamic Mode Decomposition. Eng. Appl. Artif. Intell. 120, 105836. doi: 10.1016/j.engappai.2023.105836

CrossRef Full Text | Google Scholar

Lamba, S., Baliyan, A., Kukreja, V. (2023). A novel GCL hybrid classification model for paddy diseases. Int. J. Inf. Technol. 15, 1127–1136. doi: 10.1007/s41870-022-01094-6

PubMed Abstract | CrossRef Full Text | Google Scholar

Latif, G., Abdelhamid, S. E., Mallouhy, R. E., Alghazo, J., Kazimi, Z. A. (2022). Deep learning utilization in agriculture: detection of rice plant diseases using an improved CNN model. Plants 11, 2230–2246. doi: 10.3390/plants11172230

PubMed Abstract | CrossRef Full Text | Google Scholar

Lee, S., Kim, H., Jeong, B., Yoon, J. (2021). A training method for low rank convolutional neural networks based on alternating tensor compose-decompose method. Appl. Sci. 11, 643–665. doi: 10.3390/app11020643

CrossRef Full Text | Google Scholar

Li, D., Wang, R., Xie, C., Liu, L., Zhang, J., Li, R., et al. (2020). A recognition method for rice plant diseases and pests video detection based on deep convolutional neural network. Sensors 20, 578–598. doi: 10.3390/s20030578

PubMed Abstract | CrossRef Full Text | Google Scholar

Liang, W.-J., Zhang, H., Zhang, G.-F., Cao, H.-X. (2019). Rice blast disease recognition using a deep convolutional neural network. Sci. Rep. 9, 2869. doi: 10.1038/s41598-019-38966-0

PubMed Abstract | CrossRef Full Text | Google Scholar

Lu, Y., Tao, X., Jiang, F., Du, J., Li, G., Liu, Y. (2023). Image recognition of rice leaf diseases using atrous convolutional neural network and improved transfer learning algorithm. Multimed. Tools Appl. 2023, 1–19. doi: 10.1007/s11042-023-16047-9

CrossRef Full Text | Google Scholar

Lu, Y., Yi, S., Zeng, N., Liu, Y., Zhang, Y. (2017). Identification of rice diseases using deep convolutional neural networks. Neurocomputing 267, 378–384. doi: 10.1016/j.neucom.2017.06.023

CrossRef Full Text | Google Scholar

Matin, M. M. H., Khatun, A., Moazzam, M. G., Uddin, M. S. (2020). An efficient disease detection technique of rice leaf using AlexNet. J. Comput. Commun. 8, 49. doi: 10.4236/jcc.2020.812005

CrossRef Full Text | Google Scholar

Mohapatra, D., Das, N. (2023). A precise model for accurate rice disease diagnosis: a transfer learning approach. Proc. Indian Natl. Sci. Acad. 89, 162–171. doi: 10.1007/s43538-022-00149-3

CrossRef Full Text | Google Scholar

N, K., Narasimha Prasad, L. V., Pavan Kumar, C. S., Subedi, B., Abraha, H. B., V E, S. (2021). Rice leaf diseases prediction using deep neural networks with transfer learning. Environ. Res. 198, 111275. doi: 10.1016/j.envres.2021.111275

PubMed Abstract | CrossRef Full Text | Google Scholar

Ning, H., Li, R., Zhou, T. (2022). Machine learning for microalgae detection and utilization. Front. Mar. Sci. 9, 947394. doi: 10.3389/fmars.2022.947394

CrossRef Full Text | Google Scholar

Patil, R. R., Kumar, S. (2022). Rice-fusion: A multimodality data fusion framework for rice disease diagnosis. IEEE Access 10, 5207–5222. doi: 10.1109/ACCESS.2022.3140815

CrossRef Full Text | Google Scholar

Priyangka, A., Kumara, I. M. S. (2021). Classification of rice plant diseases using the convolutional neural network method. Lontar Komput. J. Ilm. Teknol. Inf 12, 123. doi: 10.24843/LKJITI.2021.v12.i02.p06

CrossRef Full Text | Google Scholar

Prottasha, S. I., Reza, S. M. S. (2022). A classification model based on depthwise separable convolutional neural network to identify rice plant diseases. Int. J. Electrical Comput. Eng. (2088-8708) 12, 3642. doi: 10.11591/ijece.v12i4.pp3642-3654

CrossRef Full Text | Google Scholar

Rahman, C. R., Arko, P. S., Ali, M. E., Khan, M. A. I., Apon, S. H., Nowrin, F., et al. (2020). Identification and recognition of rice diseases and pests using convolutional neural networks. Biosyst. Eng. 194, 112–120. doi: 10.1016/j.biosystemseng.2020.03.020

CrossRef Full Text | Google Scholar

Ramkumar Raja, M., Shajin, F. H., Roopa Devi, E. M. (2023). Radial basis function Neural Network optimized with Salp Swarm algorithm espoused paddy leaf disease classification. Biomed. Signal Process. Control 86, 105038. doi: 10.1016/j.bspc.2023.105038

CrossRef Full Text | Google Scholar

Rathore, N. P. S., Prasad, L. (2020). Automatic rice plant disease recognition and identification using convolutional neural network. J. Crit. Rev. 7, 6076–6086.

Google Scholar

Sahu, P., Yu, D., Dasari, M., Hou, F., Qin, H. (2018). A lightweight multi-section CNN for lung nodule classification and Malignancy estimation. IEEE J. Biomed. Health Inf. 23, 960–968. doi: 10.1109/JBHI.2018.2879834

CrossRef Full Text | Google Scholar

Senan, N., Aamir, M., Ibrahim, R., Taujuddin, N. M., Muda, W. H. N. W. (2020). An efficient convolutional neural network for paddy leaf disease and pest classification. Int. J. Adv. Comput. Sci. Appl. 11, 116. doi: 10.14569/IJACSA.2020.0110716

CrossRef Full Text | Google Scholar

Senthil Pandi, S., Senthilselvi, A., Gitanjali, J., Arivuselvan, K., Gopal, J., Vellingiri, J. (2022). Rice plant disease classification using dilated convolutional neural network with global average pooling. Ecol. Model. 474, 110166. doi: 10.1016/j.ecolmodel.2022.110166

CrossRef Full Text | Google Scholar

Sethy, P. K., Barpanda, N. K., Rath, A. K., Behera, S. K. (2020a). Deep feature based rice leaf disease identification using support vector machine. Comput. Electron. Agric. 175, 105527. doi: 10.1016/j.compag.2020.105527

CrossRef Full Text | Google Scholar

Sethy, P. K., Barpanda, N. K., Rath, A. K., Behera, S. K. (2020b). Rice false smut detection based on faster R-CNN. Indonesian J. Electr. Eng. Comput. Sci. 19, 1590–1595. doi: 10.11591/ijeecs.v19.i3.pp1590-1595

CrossRef Full Text | Google Scholar

Sharma, A., Jain, A., Gupta, P., Chowdary, V. (2020). Machine learning applications for precision agriculture: A comprehensive review. IEEE Access 9, 4843–4873. doi: 10.1109/ACCESS.2020.3048415

CrossRef Full Text | Google Scholar

Sony, A. (2019). Prediction of rice diseases using convolutional neural network (in rstudio). Int. J. Innov. Sci. Res. Technol. 4, 595–602.

Google Scholar

Sunija, A. P., Kar, S., Gayathri, S., Gopi, V. P., Palanisamy, P. (2021). Octnet: A lightweight cnn for retinal disease classification from optical coherence tomography images. Comput. Methods programs biomedicine 200, 105877.

Google Scholar

Thakur, P. S., Sheorey, T., Ojha, A. (2023). VGG-ICNN: A Lightweight CNN model for crop disease identification. Multimedia Tools Appl. 82, 497–520. doi: 10.1007/s11042-022-13144-z

CrossRef Full Text | Google Scholar

Ullah, H., Muhammad, K., Irfan, M., Anwar, S., Sajjad, M., Imran, A. S., et al. (2021). Light-DehazeNet: a novel lightweight CNN architecture for single image dehazing. IEEE Trans. Image Process. 30, 8968–8982. doi: 10.1109/TIP.2021.3116790

PubMed Abstract | CrossRef Full Text | Google Scholar

Upadhyay, S. K., Kumar, A. (2022). A novel approach for rice plant diseases classification with deep convolutional neural network. Int. J. Inf. Technol. 14, 185–199. doi: 10.1007/s41870-021-00817-5

CrossRef Full Text | Google Scholar

Wang, C.-L., Li, M.-W., Chan, Y.-K., Yu, S.-S., Ou, J.-H., Chen, C.-Y., et al. (2022). Multi-scale features fusion convolutional neural networks for Rice leaf disease identification. J. Imag. Sci. Technol. 66, 1–12.

Google Scholar

Wang, Y., Wang, H., Peng, Z. (2021). Rice diseases detection and classification using attention based neural network and bayesian optimization. Expert Syst. Appl. 178, 114770. doi: 10.1016/j.eswa.2021.114770

CrossRef Full Text | Google Scholar

Wang, Z.-R., Du, J. (2021). Joint architecture and knowledge distillation in CNN for Chinese text recognition. Pattern Recognition 111, 107722. doi: 10.1016/j.patcog.2020.107722

CrossRef Full Text | Google Scholar

Wei, L., Luo, Y., Xu, L., Zhang, Q., Cai, Q., Shen, M. (2022). Deep convolutional neural network for rice density prescription map at ripening stage using unmanned aerial vehicle-based remotely sensed images. Remote Sens. 14, 46. doi: 10.3390/rs14010046

CrossRef Full Text | Google Scholar

Yakkundimath, R., Saunshi, G., Anami, B., Palaiah, S. (2022). Classification of rice diseases using convolutional neural network models. J. Institution Engineers (India): Ser. B 103, 1047–1059. doi: 10.1007/s40031-021-00704-4

CrossRef Full Text | Google Scholar

Yamashita, R., Nishio, M., Do, R. K. G., Togashi, K. (2018). Convolutional neural networks: an overview and application in radiology. Insights into Imaging 9, 611–629. doi: 10.1007/s13244-018-0639-9

PubMed Abstract | CrossRef Full Text | Google Scholar

Yang, L., Yu, X., Zhang, S., Long, H., Zhang, H., Xu, S., et al. (2023a). GoogLeNet based on residual network and attention mechanism identification of rice leaf diseases. Comput. Electron. Agric. 204, 107543. doi: 10.1016/j.compag.2022.107543

CrossRef Full Text | Google Scholar

Yang, L., Yu, X., Zhang, S., Zhang, H., Xu, S., Long, H., et al. (2023b). Stacking-based and improved convolutional neural network: a new approach in rice leaf disease identification. Front. Plant Sci. 14. doi: 10.3389/fpls.2023.1165940

CrossRef Full Text | Google Scholar

Yeom, S.-K., Seegerer, P., Lapuschkin, S., Binder, A., Wiedemann, S., Müller, K.-R., et al. (2021). Pruning by explaining: A novel criterion for deep neural network pruning. Pattern Recognition 115, 107899. doi: 10.1016/j.patcog.2021.107899

CrossRef Full Text | Google Scholar

Zhang, R., Chung, A. C. S. (2021). MedQ: Lossless ultra-low-bit neural network quantization for medical image segmentation. Med. Image Anal. 73, 102200. doi: 10.1016/j.media.2021.102200

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, J., Yang, Y., Feng, X., Xu, H., Chen, J., He, Y. (2020). Identification of bacterial blight resistant rice seeds using terahertz imaging and hyperspectral imaging combined with convolutional neural network. Front. Plant Sci. 11, 821. doi: 10.3389/fpls.2020.00821

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, X., Zhou, J., Sun, W., Jha, S. K. (2022). A lightweight CNN based on transfer learning for COVID-19 diagnosis. Computers Materials Continua 72 (1), 1123–1137. doi: 10.32604/cmc.2022.024589

CrossRef Full Text | Google Scholar

Keywords: rice disease, convolutional neural network, lightweight, model compression, convolution operation

Citation: Ning H, Liu S, Zhu Q and Zhou T (2023) Convolutional neural network in rice disease recognition: accuracy, speed and lightweight. Front. Plant Sci. 14:1269371. doi: 10.3389/fpls.2023.1269371

Received: 29 July 2023; Accepted: 18 October 2023;
Published: 01 November 2023.

Edited by:

Tonghai Liu, Tianjin Agricultural University, China

Reviewed by:

Milind B. Ratnaparkhe, ICAR Indian Institute of Soybean Research, India
Inam Ullah Khan, King’s College London, United Kingdom

Copyright © 2023 Ning, Liu, Zhu and Zhou. 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: Teng Zhou, zhouteng@hainanu.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.