In this section, we will discuss machine learning approaches utilized for the detection of the listed cereal crop species. We covered works conducted on disease detection from images taken by mobile/digital cameras and hyper-spectral images [
45,
46] captured by spectral imaging devices. Hyperspectral imagery is a non-invasive technology for extracting spectral, spatial, textural, and contextual features from food and agricultural products [
47].
5.1. Machine Learning in Wheat Disease Detection
Bao et al. [
48] applied elliptical-maximum margin criterion metric learning to the identification and severity estimation of powdery mildew and stripe wheat disease types. The researchers choose the E-MMC algorithm since it is better suited to finding nonlinear transformations in patterns, and their results show that it achieved superior results when compared to the SVM algorithm. For testing their algorithm, the researchers prepared a dataset from farms around the province of Beijing. In total, they collected 360 images. Disease spot segmentation was performed by using the Otsu thresholding algorithm and feature extraction using HSV histogram, Color moments for color attributes, and LBP and Gabor for texture attributes.
Sood et al. [
49] proposed a deep learning approach for the detection of wheat rust disease. The researchers employed the
VGG16 architecture and achieved a classification accuracy of 99.07%. Their work aims at detecting the two types of wheat rust disease, namely Leaf rust and Stem rust. For training the VGG16 model, they used a publicly available dataset collected from various sources such as Kaggle and Google photos. In total, they collected 142 healthy images, 358 Leaf rust, and 376 Stem rust images. Image augmentation was performed to increase the size of the dataset.
Sumit et al. [
50] employed the Support Vector Machine (SVM) algorithm for the detection and prevention of fungal wheat leaf diseases. The authors targeted four fungal wheat leaf diseases (Tan spot, Septoria, Pink snow mold, and powdery mildew). Initial segmentation of healthy leaf areas from diseased areas was achieved by using the k-means algorithm.
Mukhtar et al. [
51] proposed a one-shot learning approach based on the MobileNet v3 architecture. The pre-trained MobileNet model was further fine-tuned on the PlantVillage dataset and the last two fully connected layers were fine-tuned on a dataset of 440 images consisting of 11 wheat disease classes. Each class has 40 images each. The training dataset is composed of images collected from the CGIAR crop disease dataset and Google Images. The authors used accuracy, precision, and recall as the main performance metrics, and, using their proposed approach, they manage to obtain 92% accuracy, 84% precision, and 85% recall.
An N-CNN based Powdery Mildew wheat disease detection proposed by Kumar et al. [
52] uses a CNN that is initially trained on the CGIAR dataset and then utilized a transfer learning approach to increase the model’s accuracy on a smaller Powdery Mildew dataset. Their dataset consists of 450 images comprised of images collected on the field by the researchers and also images acquired from sources on the internet. They used the accuracy metrics to measure their model’s performance and manage to achieve 89.9% accuracy on testing data.
A Deep Learning approach towards the detection of a wide variety of wheat diseases was proposed by Tagel et al. [
53]. The proposed approach employed popular deep learning architectures i.e., Inceptionv3, ResNet50, and VGG16/19. The authors compared the performance of these architectures on a dataset consisting of 1500 images belonging to three classes of wheat diseases. The dataset was compiled from a combination of images collected from wheat farms in Ethiopia and a publicly available online repository.
Classification and detection of 10 classes of wheat disease using VGG16 and ResNet50 architectures were performed by Lakshay et al. [
54]. The authors used a Large Wheat Disease Classification Dataset (LWDCD2020) compromising over twelve thousand images belonging to nine wheat disease classes and one healthy class. For evaluation of the proposed model, they utilized accuracy and f1 metrics. The proposed model managed to achieve 98.62% classification accuracy.
An in-field automatic wheat disease diagnosis based on weakly-supervised deep learning was proposed by Jiang et al. [
55]. The authors trained two models, VGG-FCN and VGC-FCN-S, using Multiple Instance Learning (MIL). To achieve this, they produce a dataset, Wheat Disease Database 2017 (WDD2017), consisting of 9230 images of wheat crops belonging to six classes of wheat diseases and one healthy class. The two proposed deep learning models achieved a 97.95% and 95.12% accuracy, respectively.
A modified AlexNet architecture was proposed by Hussain et al. [
56] for the detection and classification of four types of wheat diseases (Stem rust, Yellow rust, powdery mildew). The authors employed a transfer learning approach, by using a pre-trained AlexNet on the ImageNet dataset and using a custom dataset to further fine-tune the model. The authors collected a dataset of 8828 images divided into 7062 training and 1766 testing sets. The proposed model achieved an accuracy of 84.54%. Wheat leaf rust detection at canopy scale was proposed by Azadbakht et al. [
57]. The method investigates four methods, v-Support Vector Regression, boosted Regression Trees, Random Forest Regression, and Gaussian Process Regression for the detection and severity estimation of leaf rust disease.
Identification of various wheat diseases using hyper-spectral image data were performed by [
47,
58,
59,
60]. Identification of wheat powdery mildew disease using linear regression and an SVM (
Figure 1) classifier on hyper-spectral data ranging from 656 nm to 784 nm was implemented by Huang et al. [
58]. The authors employed the Relief-F algorithm to identify the best spectral bands and evaluation of the SVM algorithm was performed by k-fold cross-validation. In addition, Huang et al. [
59] proposed an SVM-based detection of Fusarium Head Blight on wheat heads using hyperspectral imagery. Here, Fishers Linear Discrimination (FLD) was implemented for dimensionality reduction. An in-field detection of yellow rust and fusarium head blight in wheat-based on the ground and UAV-based platforms was discussed by Bohnenkamp et al. [
61] (
Figure 2) and Xiao et al. [
62].
Summary of various wheat leaf disease datasets is presented in
Table 11.
5.2. Machine Learning in Rice Disease Detection
Identification and classification of 12 types of rice leaf diseases using MobileNetV2 architecture and attention mechanism were proposed by Chen et al. [
63]. The MobileNetV2 architecture was pre-trained on the ImageNet dataset and fine-tuned by using the transfer learning approach on a smaller local dataset. The authors utilized Channel Attention Mechanism (CAM) to better learn the inter-channel relationships. For fine-tuning and testing their proposed model, the authors collected a total of 1100 images of healthy and disease rice leaves. These 660 were compiled from various sources on the internet and 440 were collected from the field. The proposed model achieved an average classification accuracy of 99.67%. Similarly, Wang et al. [
64] proposed a MobileNetv2 based approach for the classification of three types of rice leaf diseases by utilizing attention mechanism and Bayesian optimization. Model training and validation were performed on a public dataset of 2370 images belonging to three classes of rice disease and one healthy class. The authors achieved a classification accuracy of 94.65%.
Liang et al. [
65] proposed a convolutional neural network-based rice blast disease detection approach. The authors proposed two CNN architectures, the first network containing four convolutional layers, four max-pooling layers, and three fully connected layers, and ReLU after each layer (
Figure 3a) and a second network having the same convolutional layers and max-pooling layer structure as the first network, but with two additional fully connected layers as shown in (
Figure 3b). The two models were trained on a custom dataset of 5808 images of healthy and rice blast infected leaves. The dataset was collected on-site and is divided into 2906 positive (rice blast infected) and 2902 healthy images. The authors utilized 5-fold cross-validation and a selected the second model due to its inherent stability on small datasets and chieved an accuracy of 95.83%. The proposed approach was compared to hand-crafted approaches like Local Binary Patterns Histogram (LBPH), Haar-WT. The comparison result suggests that the proposed CNN method achieves superior feature extraction and classification results. A similar approach for the detection and classification of three classes of rice disease was proposed by Rahman et al. [
66]. The authors proposed a convolutional neural network trained on a dataset of 300 images containing three types of rice leaf disease (Brown spot, Leaf blight, and Hispa) and one healthy class. The model achieved a classification accuracy of 90%. This low classification accuracy is a result of the small dataset size the authors used and the lack of utilizing transfer learning. Ramesh et al. [
67] proposed a convolutional neural network approach for the detection of three classes of rice disease. The authors utilized HSV color space for the separation of background and foreground and the K-means algorithm for disease segmentation.
A random forest classifier for the detection and classification of three types of rice leaf disease was proposed by Saha and Ahsan [
68]. A local dataset compromising a total of 276 images of healthy and infected rice leaves was collected by the authors for testing and training their proposed algorithm. Feature extraction was implemented by using intensity moments. The proposed approach achieved a classification accuracy of 91.47%. A deep learning method for the detection of 15 different rice diseases was implemented by Chen et al. [
69]. The authors developed a deep learning architecture based on the fusion of existing DenseNet and Inception architectures. For testing the proposed model, the authors compiled a dataset consisting of 500 images belonging to 15 classes of rice disease. Their proposed model achieved a classification accuracy of 94.07%.
Kamrul et al. [
70] utilized three popular deep learning architectures for the task of detecting six different types of rice leaf diseases that occur in Bangladesh. They choose the models, Inceptionv3, MobileNetv1, and ResNet50 for their work. They utilized transfer learning and image augmentation techniques. For testing and training their proposed models, the authors collected a dataset of 600 images from rice fields in Bangladesh. Accordingly, they achieved an accuracy of 98%, 99%, and 96% for the models Inceptionv3, MobileNetv1, and ResNet50, respectively. Similarly, Hasan et al. [
71] utilized the Inceptionv3 architecture with transfer learning and Support Vector Machine (SVM) for the task of detecting and classifying nine different types of rice disease that occur in Bangladesh. The authors collected a dataset of 1080 images for this task. In this work, Inceptionv3 deep learning model is used for the task of feature extraction and SVM as the final classifier. The authors employed various image processing and augmentation techniques. Their proposed approach gave an accuracy of 97.5%.
Sethy et al. [
72] also proposed a deep learning and SVM approach for the detection and classification of four types of rice diseases. In this work, the authors compared and contrasted the performances of 11 different types of deep convolutional neural network architectures that will give the best feature for use with the SVM. For this task, the authors collected a dataset of 5932 images from rice fields around Odisha, India. The performance of the feature extraction CNN models was measured in terms of accuracy, f1, sensitivity, specificity, and training time. Based on their experimental results, the authors found that ResNet50 architecture in conjunction with SVM yields that best classification result of 98.38% and a training time of 69 s.
Zhou et al. [
73] proposed a fusion of FCM-KM and Faster R-CNN algorithms for the detection of three distinct rice diseases. FCM-KM was chosen for its tested tolerance for noise and its effectiveness in addressing low detection accuracy caused by background interference and blurred images. For conducting the research, the authors compiled a dataset of 7448 images of rice affected by Rice blast, Bacterial blight, and sheet blight. The Otsu thresholding algorithm was chosen for the task of image segmentation and R-CNN for feature extraction and classification. This approach yielded a classification accuracy of 96.21% with a detection time of 3.22 s per image. A similar Faster R-CNN approach for the detection of Rice False Smut (RFS) was proposed by Sethy et al. [
74].
Summary of various rice leaf disease datasets is presented in
Table 12.
5.3. Machine Learning in Maize Disease Detection
An Enhanced CNN for the detection of nine classes of maize leaf disease was proposed by Agarwal et al. [
75]. They proposed a convolutional neural network with receptive field enlargement to enhance the feature extraction performance of the CNN, which is required due to the complexity of maize leaf images. To accomplish this task, the authors collected a dataset of 500 images of maize leaves belonging to nine different classes of maize leaf disease at different stages. The performance of the proposed approach was compared to existing models like AlexNet and GoogleNet and provided an improved classification accuracy of 95.12%. Sibiya et al. [
76] developed a convolutional neural network for the detection of three different maize leaf diseases by using the Neuroph framework for the java programming language. The proposed approach gave a classification accuracy of 93.5%.
Barman et al. [
77] proposed a MobileNet architecture-based maize leaf disease detection that will be deployed on Android mobile devices. The authors utilized a transfer learning approach to fine-tune the pre-trained MobileNet architecture. For this task, they used a public dataset (PlantVillage) with a total of 3852 images of four different classes of maize leaf diseases. The proposed approach yielded an accuracy of 94.53%.
Hasan et al. [
78] proposed a hybrid network by combining a convolutional neural network and bi-directional LSTM for the detection of nine classes of maize leaf diseases. bi-LSTM was selected by the authors to better accelerate CNN’s classification accuracy and increase the co-relation among extracted features. Training of the model was performed on the PlantVillage dataset, which contains 2500 images of maize leaves affected by nine different types of diseases. They implemented various image augmentation techniques and increased the size of the dataset to 29,065 images. The proposed approach achieved a classification accuracy of 99.02%, exceeding existing deep learning methods.
Xu et al. [
79] proposed a multi-scale convolutional global pooling convolutional neural network based on the AlexNet and Inception architecture. The proposed model improves on the AlexNet architecture by replacing the last fully connected layer with a global pooling layer and adding a batch normalization layer. This is implemented to solve the low accuracy achieved and the large training data size required when utilizing transfer learning. Training and testing of the proposed model were performed on the PlantVillage dataset. The authors found that the proposed approach improves average precision by more than 2% when compared to AlexNet. A VGG16 deep learning architecture-based maize disease identification was proposed by Tian [
80]. In this work, a transfer learning approach was used to fine-tune the pre-trained VGG16 architecture on a dataset consisting of 7858 images of maize leaves affected by six types of diseases. The proposed method achieved a classification accuracy of 96.8%. Summary of various maize leaf disease datasets is presented in
Table 13.