- 1Department of Artificial Intelligence and Robotics, Sejong University, Seoul, Republic of Korea
- 2Department of Computer Science and Artificial Intelligence, College of Computing, Umm Al-Qura University, Makkah, Saudi Arabia
- 3Department of Cybersecurity, College of Computing, Umm Al-Qura University, Makkah, Saudi Arabia
Accurately identifying apple diseases is essential to control their spread and support the industry. Timely and precise detection is crucial for managing the spread of diseases, thereby improving the production and quality of apples. However, the development of algorithms for analyzing complex leaf images remains a significant challenge. Therefore, in this study, a lightweight deep learning model is designed from scratch to identify the apple leaf condition. The developed framework comprises two stages. First, the designed 37-layer model was employed to assess the condition of apple leaves (healthy or diseased). Second, transfer learning was used for further subclassification of the disease class (e.g., rust, complex, scab, and frogeye leaf spots). The trained lightweight model was reused because the model trained with correlated images facilitated transfer learning for further classification of the disease class. A dataset available online was used to validate the proposed two-stage framework, resulting in a classification rate of 98.25% for apple leaf condition identification and an accuracy of 98.60% for apple leaf disease diagnosis. Furthermore, the results confirm that the proposed model is lightweight and involves relatively fewer learnable parameters in comparison with other pre-trained deep learning models.
1 Introduction
Ensuring constant and steady agricultural production is crucial for satisfying the demands of the growing global population. Agricultural production and quality vary globally owing to various factors, such as climatic changes, naturally available resources, geographical position, and the presence of infections and diseases (Mahato et al., 2022). Additionally, plant diseases contribute to insufficient human food supply and may severely impact natural ecosystems (Singh et al., 2023; Lahlali et al., 2024). Although technological advancements have mitigated the catastrophic effects of plant diseases, this remains a significant issue.
With a history of 2,000 years of human cultivation, apples are one of the most popular and extensively cultivated fruits globally (Cheng and Li, 2023). Apples are rich in vitamins and minerals, which provide a high nutritional value that is essential for a healthy diet (Korban, 2023; Tsoupras et al., 2023) (Larsson et al., 2013). have reported that the adequate consumption of apples may reduce the risk of stroke. However, apple production faces various challenges because of diseases that can significantly affect both yield and quality. Apple trees are vulnerable to a multitude of diseases that significantly compromise their quality and yield. These include fungal infections, viruses, nematodes, and bacteria, which can substantially reduce the nutritional and therapeutic value of apples. At present, disease identification significantly relies on human vision, requiring the expertise of local agriculturalists (Dutot et al., 2013). In addition to being cumbersome, visual inspection by farmers is susceptible to errors because of subjective perceptions and visual fatigue, rendering it challenging to achieve high precision during disease identification. This can cause significant losses in apple production and quality. Diseases such as rust, complexes, scabs, and frogeye leaf spots hinder apple production, inducing significant setbacks in the agricultural sector. Rust reduces fruit size and places trees at risk of harm during winters. Cedar-apple rust affects leaves and fruits, whereas frogeye leaf spots, caused by a fungal pathogen, lead to fruit infections. The scab, caused by Venturia inaequalis, is particularly damaging; it begins as yellow spots on leaves and deforms the fruit subsequently (Hirst, 1997). Therefore, the timely and accurate diagnosis and treatment of apple diseases are essential to ensure a productive and healthy harvest. Over the last few years, advancements in machine learning and deep learning technologies have significantly enhanced the detection of leaf diseases (Kamilaris and Prenafeta-Boldú, 2018; Pardede et al., 2018), facilitating efficient real-time disease detection.
Recognizing plant diseases is fundamentally an image-processing problem that involves accurate capturing of disease features, comparing them with other disease types, and classifying them. Conventional machine learning approaches employ image processing methods and classifiers, wherein RGB values and disease spot textures are extracted using grayscale values. The commonly used classifiers include Naive Bayes, support vector machines, and k-means clustering (Mokhtar et al., 2015; Ma et al., 2018; Deng et al., 2019; Tian et al., 2019). Conventional machine learning methods can achieve reasonable detection rates for diseases with specific characteristics (Singh et al., 2016). However, these approaches are constrained by their inadequacy in identifying nonlinear data and the challenges associated with feature extraction, resulting in inadequate generalizability.
By contrast, deep learning methods have reported promising results for plant disease detection (Fuentes et al., 2017; Liu et al., 2018). Deep learning models have demonstrated significantly accurate results in plant disease detection compared with conventional learning models. The automatic extraction of local features from neighboring pixels in deep learning models enables them to demonstrate high disease detection rates (Jiang et al., 2019). proposed a VGG-INCEP model for multiclassification problems. They used an apple leaf disease dataset to detect five different apple diseases and achieved an accuracy of 97.14%. In another study (Li and Rai, 2020), used pre-trained models, such as ResNet-18 and ResNet-34, for apple disease detection; the models achieved high accuracies of 99% and 97%, respectively, owing to their complex architectures. Although these models exhibit exceptional results, they are impractical for real-time use. In a recent study (Yao et al., 2024), introduced a multi-prediction model to identify plant diseases. The framework included a convolutional neural network (CNN) evaluated using a plant village, plant leaves, and PlantDoc datasets; their model exhibits a high detection rate of 96.51%. In another recent study (Andrushia et al., 2024), proposed a capsule network for classifying Vitis vinifera leaves, achieving an accuracy of 98.7%. Recently, transformer-based architectures have revolutionized the field of agricultural image analysis, enabling accurate and efficient detection of apple leaf diseases. Several studies have demonstrated the effectiveness of transformer-based architectures in capturing contextual relationships and long-range dependencies, which are crucial for identifying subtle disease symptoms (Lv and Su, 2024; Si et al., 2024; Ullah et al., 2024). Despite their advantages, deep learning models, including transformer-based models, face significant challenges such as complex architectures, leading to increased computational requirements and substantial training time to achieve optimal results.
To address the aforementioned challenges, we developed a novel deep learning architecture and framework, referred to as AppleLeafNet, for apple disease identification and detection. In the first step, a deep learning classification architecture was designed from scratch to identify the condition of the apple leaf (healthy or diseased). After identifying the condition of the leaf, the same deep learning model was reused considering its frozen weight (transfer learning concept) for subclassifying the diseased leaf into rust, complex, scab, and frogeye leaf spot. The use of frozen weights on correlated images facilitated the subclassification process. A dataset available online was used to validate the proposed deep learning model and framework.
2 Materials and methods
This section presents the details of the materials used and the methods employed in this study, including the proposed model and framework. The data augmentation process, implemented to address class imbalance issues in the dataset used, is also described.
2.1 Proposed framework for apple leaf disease detection
We propose a deep-learning-based framework for identifying and detecting the types of actual diseases that affect apple leaves. The proposed approach was divided into two stages. In Stage I, the deep learning architecture was designed from scratch to identify the condition of the apple leaf (healthy or diseased). In Stage II, the diseased leaves were further categorized into rust, complex, scab, and frogeye leaf spots by reusing the trained Stage I model. Figure 1 depicts the complete framework of the proposed approach. The details of the deep learning model are provided in the subsequent section.
Figure 1. Framework used for apple leaf disease identification and detection based on the designed deep learning model.
2.2 Deep learning model designed from scratch
In this study, we developed a deep learning model for apple leaf disease identification. The proposed model was designed to outperform other state-of-the-art models by using the fewest layers possible for a specific dataset. The proposed model was built using 37 layers, which included the input, convolutional, rectified linear unit (ReLU), pooling, batch normalization, concatenation, fully connected, dropout, softmax, and classification layers. Figure 2 and Table 1 present the specifications and features of the proposed deep learning model.
Table 1. Detailed information on the developed deep learning model for identifying the conditions of apple leaves.
2.2.1 Input layer
The model uses the input image to extract the features from the subsequent layers. The developed structure was designed to process input images with dimensions of 227 × 227 × 3. Each image in the dataset was adjusted to fit these dimensions; this relates only to the input image dimensions and contains no learning parameters, as listed in Table 1.
2.2.2 Convolutional layer
The layers of the model learn weight matrices for filters and kernels, with the number and size of filters determining the adjustable parameters. For instance, in a layer with dimensions (x, y, d) and a filter size k with dimensions (a, b), the parameters of the convolutional layer are (a * b * d) + 1) * k), where 1 is included for the bias in each filter. In this study, the presented network included eight convolutional layers with a filter size of 3 × 3, resulting in 1,061,600 learnable parameters across the layers.
2.2.3 Pooling layer
This layer reduces the number of input parameters to decrease computation costs and enhance efficiency. The developed model includes max- and average-pooling layers; the max-pooling layer selects the most prominent features, whereas the average-pooling layer computes the average value based on the feature map using stride and padding settings. This layer lowers the input dimensions but does not contain learnable parameters.
2.2.4 Dropout layer
This layer randomly deactivates neurons during training, prevents overfitting, and enhances the model generalization.
2.2.5 Fully connected layer
This layer establishes dense connections, thereby extracting high-level characteristics to develop the classification model.
2.2.6 Softmax
Softmax uses an activation function to transform logarithms into class probabilities, ensuring that the sum of the probabilities for all classes is equal to one.
2.2.7 Classification output
This layer employs cross-entropy loss for model training, explicitly using the “crossentropyex” of MATLAB. The gap between the actual and predicted class probabilities can be quantified using cross-entropy.
The network developed from scratch for disease identification contained only 1,330,146 learnable parameters, as listed in Table 1.
2.3 Transfer learning
Transfer learning is a machine learning method that uses existing trained models to accelerate learning for another task. Essentially, the network created for one task is reused as the initial point of another network for a different task. This approach is particularly valuable when limited datasets are available. The fundamental idea of this approach is to utilize the characteristics acquired from tasks with ample data to enhance the efficiency of tasks with limited data. This is based on the understanding that tasks involve common elements that can be reused to enhance efficiency.
In Stage II of the framework, transfer learning was employed based on the deep learning model developed in Stage I by incorporating the frozen weights of the apple disease identification model (trained for Stage I). The network was retrained by substituting the final three layers for actual disease detection (e.g., rust, complex, scab, and frogeye leaf spots), as indicated in Figure 1.
2.4 Dataset and preprocessing
The dataset used in this study is publicly available at Kaggle “Plant Pathology 2021 - FGVC8” (https://www.kaggle.com/competitions/plant-pathology-2021-fgvc8/data, accessed on August 20, 2024). The dataset contains 18,632 images captured using a Canon Rebel T5i DSLR (Canon Inc., Japan) and is mobile at different angles, illumination, noise, and non-homogeneous backgrounds, depicting various disease levels. According to the input of the developed model, all images were uniformly cropped to 227 × 227 pixels. A zero-center approach was used for normalization during preprocessing. We selected five leaf spot categories, namely, healthy, rust, complex, scab, and frogeye leaf spots, based on their sufficient image representation (Figure 3).
Insufficient data is a major challenge in implementing deep learning models. Increasing the number of images in the dataset can help models learn robust features and reduce the risk of overfitting. The dataset used in this study was imbalanced, with the scab class containing the maximum images and the complex class comprising the least number of images. We addressed this imbalance by using techniques such as flipping, random rotation, contrast adjustment, brightness modification, translation, and zoom to enhance the dataset. These augmentations increased the size of the dataset and improved image quality. The dataset was divided into two groups, as summarized in Table 2.
3 Results
MATLAB 2023a was used for all simulations and analyses on a personal computer with the following specifications: Core i7, 12th Generation, 32 GB RAM, NVIDIA GeForce RTX 3050, 1 TB SSD, and 64-bit Windows 11 operating system. The dataset was randomly divided into 80/20 ratios for model training and testing. The images used for the model testing were not part of the training set. The initial parameters included 100 epochs, a momentum of 0.9, a mini-batch size of 32, and a learning rate of 0.001. The stochastic gradient descent with momentum (SGDM) solver was used for training and testing. The following metrics were used to evaluate the performance of the various models:
First, the original dataset (without augmentation) was used to verify the performance of the proposed model on a five-class apple leaf classification problem. Initially, an ablation study was performed to select the layers for the lightweight deep learning model. Table 3 lists the results of the ablation study. The 37-layer model was selected as the proposed lightweight deep learning model because it yielded higher accuracy. Other state-of-the-art models, ranging from simple to complex architectures, such as ResNet-50, GoogLeNet, Inception-v3, EfficientNet-b0, MobileNet-v2, and DenseNet-201, were also trained to compare their performances. Table 4 presents the results of the comparative analysis.
The data presented in Table 4 indicate that the DenseNet-20 produced the highest classification accuracy of 94%, with a training time of approximately 45 h. Conversely, the proposed model yielded a reasonable classification rate of 91.02%, with only 1 h of training time. The proposed model exhibited an acceptable precision rate (Table 2) and accurately classified 875 of the 925 healthy apple leaf images. Furthermore, the proposed model used the least number of learnable parameters (1.3 million) in comparison with other models. Therefore, the proposed framework was used to further validate the identification and disease detection rate, as discussed in Section 2.1. After identifying the condition of an apple leaf (healthy or diseased), the original type of disease was detected using the proposed framework. The data were augmented to balance the dataset (Table 2); Figures 4 and 5 illustrate the corresponding results.
Figure 4. Performance of the proposed two-stage methodology. (A) Apple leaf condition identification and (B) apple leaf disease detection.
Figure 5. Learning curves of the proposed two-stage methodology. (A, B) Apple leaf condition identification model. (C, D) apple leaf disease detection model.
According to the results presented in Figure 4A, the proposed methodology increased the condition identification rate of apple leaves. Only 17 of 1200 leaves were misclassified in the healthy class, and 1175 of 1200 leaves were accurately classified in the diseased class, increasing the accuracy to 98.25%. Furthermore, in the detection of complex diseases in leaves (Figure 4B), 24 false negatives and 30 false positives suggested misclassification to some extent; however, the error was relatively low compared with true positives. In the case of frogeye leaf spots, 14 false positives and 4 false negatives indicated adequate performance with minimal misclassification. In the case of scab detection, 11 false positives and 7 false negatives suggested high accuracy. Figure 5 depicts the learning curves of both trained models, which stabilized after approximately 40 epochs. Figure 6 shows the 10-fold cross-validation results, demonstrating the effectiveness of the proposed two-stage approach against overfitting. A comparison of the proposed approach with those reported in the literature is presented in Table 5.
Figure 6. Performance of the proposed two-stage methodology based on the 10-fold cross-validation. (A) Apple leaf condition identification and (B) apple leaf disease detection.
Table 5. Comparison of the proposed framework with those reported in other studies using the Plant Pathology 2021 - FGVC8 dataset.
4 Discussion
The global agricultural industry plays a vital role in ensuring food security, and the detection of plant diseases is crucial for maintaining crop productivity and sustainability (Feng et al., 2023; Li et al., 2024). The accurate identification of leaf diseases in apple trees is critical for timely intervention and yield optimization. This paper presents a novel lightweight deep learning model and framework designed to efficiently recognize and classify diseases in apple leaves, offering a valuable tool for agricultural stakeholders.
We used a lightweight deep learning model and framework for apple leaf condition identification and disease detection. An ablation study (Table 3) was performed to determine the optimal layer configuration, which indicated that increasing or decreasing the number of layers affected the training time and classification accuracy. Notably, the 37-layer deep learning architecture achieved the highest validation accuracy (91.02%) with reduced validation loss for the original dataset (without augmentation). Furthermore, the training time of the proposed model was significantly shorter than that of the other deep learning models (Table 4) despite using only 1.3 million learnable parameters. Moreover, the proposed model was substantially lighter than others. Despite the increased efficiency and lightweight characteristics, the proposed model maintained competitive performance in terms of precision, recall, and accuracy. This reduced memory and storage requirements, rendering it suitable for deployment in devices with limited resources. This balance between efficiency and performance can be crucial for practical applications.
To increase the accuracy, we proposed a two-stage architecture using the selected lightweight 37-layer deep learning model. The primary idea was to validate the hypothesis that transfer learning benefits from correlated images using frozen CNN weights. In the first stage, the proposed lightweight model was designed and trained to identify the condition of the apple leaf (healthy or diseased). The model performed well in classifying healthy and diseased apple leaves, with a classification accuracy of 98.6% (Figure 4A). In the second stage, the model trained in Stage I was reused using its frozen weight (transfer learning concept) for diseased leaf subclassification into rust, complex, scab, and frogeye leaf spots. The use of frozen weights on correlated images facilitated the subclassification process. As indicated in Figure 4B, the performance of the diseased leaf subclassification significantly increased to 99.2%, with the true positive rate exceeding 98% for all subclasses. A comprehensive 10-fold cross-validation analysis was performed to further assess the robustness of the model against data leakage and overfitting. The results demonstrated a consistently high classification accuracy (Figure 6), further confirming the efficacy of the proposed two-stage framework.
The comparative analysis further revealed that the proposed model and framework yield a better classification performance than the other models utilizing the same dataset (Table 5). The proposed model offers a practical solution for plant disease classification by balancing performance, efficiency, and resource requirements. This makes it a valuable tool for real-world applications, where rapid and accurate plant disease identification and detection are essential.
Certain limitations were observed in this study. We focused solely on image data to classify apple leaf conditions and diseases. However, in the future, image data should be combined with spectral or genomic data to further enhance classification and robustness. Furthermore, existing architectures employed for plant disease classification are relatively simple. Exploring more advanced architectures, such as CNNs with attention mechanisms or transformer-based models, may improve performance. Another key limitation of this study was the validation of the proposed framework using a single dataset. Future studies should prioritize testing the generalizability of the framework across diverse datasets by incorporating various environmental and confounding factors to ensure broader applicability.
5 Conclusions
This study proposes a lightweight deep learning model and framework for identifying the apple leaf condition (healthy or diseased) and detecting diseases (e.g., rust, complex, scab, and frogeye leaf spots). A 37-layer lightweight deep learning model was designed to identify the apple leaf conditions, and the Plant Pathology 2021 - FGVC8 dataset available online was used for validation. Image augmentation techniques were used to balance the classes. The proposed model was trained using an augmented dataset, and numerous comparative experiments were performed considering various performance evaluation indicators. The experimental results demonstrated that the proposed method achieved a high accuracy of 98.25% for identifying the apple leaf condition. Furthermore, the proposed lightweight deep learning model required considerably fewer learnable parameters than other models. The trained model was reused to evaluate its performance in disease class subclassification using transfer learning. The model achieved a high classification accuracy of 98.60% for actual disease detection. This excellent classification performance confirmed that the proposed model outperformed existing deep learning algorithms, providing superior results in apple leaf disease detection tasks. The study findings serve as a reference for classifying agricultural diseases using deep learning techniques as the developed model is lightweight, rapid, and resilient.
Data availability statement
The original contributions presented in the study are included in the article/supplementary material. Further inquiries can be directed to the corresponding author.
Author contributions
MA: Conceptualization, Methodology, Validation, Writing – original draft. MK: Formal analysis, Investigation, Writing – review & editing. MF: Investigation, Validation, Writing – review & editing. HM: Formal analysis, Investigation, Writing – review & editing. AZ: Conceptualization, Methodology, Validation, Writing – review & editing. SK: Funding acquisition, Methodology, Project administration, Resources, Supervision, Writing – review & editing.
Funding
The author(s) declare that financial support was received for the research, authorship, and/or publication of this article. This work was partially supported by the Ministry of Science and ICT (MSIT), Korea, under the ICT Challenge and Advanced Network of HRD (ICAN) program (IITP-2024-RS-2022-00156345) supervised by the Institute of Information & Communications Technology Planning & Evaluation (IITP). This work was partially supported by the National Research Foundation of Korea (NRF) under grant numbers RS-2023-00219051 and RS-2023-00209107 and the Unmanned Vehicles Core Technology Research and Development Program through the NRF and Unmanned Vehicle Advanced Research Center (UVARC), funded by the Ministry of Science and ICT, Republic of Korea (NRF-2023M3C1C1A01098408).
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.
Generative AI statement
The author(s) declare that no Generative AI was used in the creation of this manuscript.
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.
References
Ait Nasser, A., Akhloufi, M. A. (2024). A hybrid deep learning architecture for apple foliar disease detection. Computers 13, 116. doi: 10.3390/computers13050116
Andrushia, A. D., Neebha, T. M., Patricia, A. T., Sagayam, K. M., Pramanik, S. (2024). Capsule network-based disease classification for Vitis Vinifera leaves. Neural Computing Appl. 36, 757–772. doi: 10.1007/s00521-023-09058-y
Cheng, H., Li, H. (2023). Identification of apple leaf disease via novel attention mechanism based convolutional neural network. Front. Plant Sci. 14. doi: 10.3389/fpls.2023.1274231
Deng, L., Wang, Z., Zhou, H. (2019). “Application of image segmentation technology in crop disease detection and recognition,” in Computer and computing technologies in agriculture XI. Eds. Li, D., Zhao, C. (Cham, Switzerland: Springer International Publishing), 365–374. doi: 10.1007/978-3-030-06137-1_33
Dutot, M., Nelson, L. M., Tyson, R. C. (2013). Predicting the spread of postharvest disease in stored fruit, with application to apples. Postharvest Biol. Technol. 85, 45–56. doi: 10.1016/j.postharvbio.2013.04.003
Feng, W., Song, Q., Sun, G., Zhang, X. (2023). Lightweight isotropic convolutional neural network for plant disease identification. Agronomy 13, 1849. doi: 10.3390/agronomy13071849
Fuentes, A., Yoon, S., Kim, S. C., Park, D. S. (2017). A robust deep-learning-based detector for real-time tomato plant diseases and pests recognition. Sensors 17, 2022. doi: 10.3390/s17092022
Hirst, J. M. (1997). Apple scab: biology, epidemiology and management. Exp. Agric. 33, 247–252. doi: 10.1017/S0014479797290113. By William E. MacHardy. St. Paul, Minnesota: The Amercian Phytopathological Society (1996), pp. 570, US$99.00. ISBN 1-600-328-7560.
Jiang, P., Chen, Y., Liu, B., He, D., Liang, C. (2019). Real-time detection of apple leaf diseases using deep learning approach based on improved convolutional neural networks. IEEE Access 7, 59069–59080. doi: 10.1109/ACCESS.2019.2914929
Kamilaris, A., Prenafeta-Boldú, F. X. (2018). Deep learning in agriculture: A survey. Comput. Electron. Agric. 147, 70–90. doi: 10.1016/j.compag.2018.02.016
Korban, S. S. (2023). “Apples: role of nutraceutical compounds,” in Compendium of crop genome designing for nutraceuticals. Ed. Kole, C. (Springer Nature Singapore, Singapore), 1–56.
Lahlali, R., Taoussi, M., Laasli, S.-E., Gachara, G., Ezzouggari, R., Belabess, Z., et al. (2024). Effects of climate change on plant pathogens and host-pathogen interactions. Crop Environ. 3, 159–170. doi: 10.1016/j.crope.2024.05.003
Larsson, S. C., Virtamo, J., Wolk, A. (2013). Total and specific fruit and vegetable consumption and risk of stroke: A prospective study. Atherosclerosis 227, 147–152. doi: 10.1016/j.atherosclerosis.2012.12.022
Li, X., Rai, L. (2020). “Apple leaf disease identification and classification using resNet models,” in 2020 IEEE 3rd International Conference on Electronic Information and Communication Technology (ICEICT). Shenzhen, China: IEEE. 738–742. doi: 10.1109/ICENCO.2015.7416356
Li, T., Zhang, L., Lin, J. (2024). Precision agriculture with YOLO-Leaf: advanced methods for detecting apple leaf diseases. Front. Plant Sci. 15, 1452502. doi: 10.3389/fpls.2024.1452502
Liu, B., Zhang, Y., He, D., Li, Y. (2018). Identification of apple leaf diseases based on deep convolutional neural networks. Symmetry 10, 11. doi: 10.3390/sym10010011
Lv, M., Su, W.-H. (2024). YOLOV5-CBAM-C3TR: an optimized model based on transformer module and attention mechanism for apple leaf disease detection. Front. Plant Sci. 14, 1323301. doi: 10.3389/fpls.2023.1323301
Ma, J., Du, K., Zheng, F., Zhang, L., Gong, Z., Sun, Z. (2018). A recognition method for cucumber diseases using leaf symptom images based on deep convolutional neural network. Comput. Electron. Agric. 154, 18–24. doi: 10.1016/j.compag.2018.08.048
Mahato, D. K., Pundir, A., Saxena, G. J. (2022). An improved deep convolutional neural network for image-based apple plant leaf disease detection and identification. J. Institution Engineers (India): Ser. A 103, 975–987. doi: 10.1007/s40030-022-00668-8
Mokhtar, U., Ali, M. A. S., Hassenian, A. E., Hefny, H. (2015). “Tomato leaves diseases detection approach based on Support Vector Machines,” in 2015 11th International Computer Engineering Conference (ICENCO). Cairo, Egypt: IEEE 246–250. doi: 10.1109/ICENCO.2015.7416356
Pardede, H. F., Suryawati, E., Sustika, R., Zilvan, V. (2018). “Unsupervised convolutional autoencoder-based feature learning for automatic detection of plant diseases,” in 2018 international conference on computer, control, informatics and its applications (IC3INA). 158–162 (Tangerang, Indonesia: IEEE). doi: 10.1109/IC3INA.2018.8629518
Si, H., Li, M., Li, W., Zhang, G., Wang, M., Li, F., et al. (2024). A dual-branch model integrating CNN and swin transformer for efficient apple leaf disease classification. Agriculture 14, 142. doi: 10.3390/agriculture14010142
Singh, B. K., Delgado-Baquerizo, M., Egidi, E., Guirado, E., Leach, J. E., Liu, H., et al. (2023). Climate change impacts on plant pathogens, food security and paths forward. Nat. Rev. Microbiol. 21, 640–656. doi: 10.1038/s41579-023-00900-7
Singh, A., Ganapathysubramanian, B., Singh, A. K., Sarkar, S. (2016). Machine learning for high-throughput stress phenotyping in plants. Trends Plant Sci. 21, 110–124. doi: 10.1016/j.tplants.2015.10.015
Tian, K., Li, J., Zeng, J., Evans, A., Zhang, L. (2019). Segmentation of tomato leaf images based on adaptive clustering number of K-means algorithm. Comput. Electron. Agric. 165, 104962. doi: 10.1016/j.compag.2019.104962
Tsoupras, A., Gkika, D. A., Markopoulos, T., Curran, R., Scallon, C., Karali, M., et al. (2023). “Apple products (Apple juice and cider) and by-products (Apple pomace): bioactive compounds and biological properties,” in Natural products in beverages: botany, phytochemistry, pharmacology and processing. Eds. Mérillon, J.-M., Riviere, C., Lefèvre, G. (Springer International Publishing, Cham), 1–42.
Ullah, W., Javed, K., Khan, M. A., Alghayadh, F. Y., Bhatt, M. W., Al Naimi, I. S., et al. (2024). Efficient identification and classification of apple leaf diseases using lightweight vision transformer (ViT). Discover Sustainability 5, 116. doi: 10.1007/s43621-024-00307-1
Yadav, A., Thakur, U., Saxena, R., Pal, V., Bhateja, V., Lin, J. C.-W. (2022). AFD-Net: Apple Foliar Disease multi classification using deep learning on plant pathology dataset. Plant Soil 477, 595–611. doi: 10.1007/s11104-022-05407-3
Yao, J., Tran, S. N., Garg, S., Sawyer, S. (2024). Deep learning for plant identification and disease classification from leaf images: multi-prediction approaches. ACM Computing Surveys 56, 1–37. doi: 10.1145/3639816
Keywords: deep learning, apple leaf condition identification, apple leaf disease detection, lightweight model, crop monitoring
Citation: Ali MU, Khalid M, Farrash M, Lahza HFM, Zafar A and Kim S-H (2024) AppleLeafNet: a lightweight and efficient deep learning framework for diagnosing apple leaf diseases. Front. Plant Sci. 15:1502314. doi: 10.3389/fpls.2024.1502314
Received: 26 September 2024; Accepted: 08 November 2024;
Published: 27 November 2024.
Edited by:
Muhammad Fazal Ijaz, Melbourne Institute of Technology, AustraliaReviewed by:
Ruisen Huang, Shenzhen Institute of Advanced Technology of Chinese Academy of Sciences (SIAT), ChinaMohammad Fazle Rabbi, Bond University, Australia
Malik Nasir Afzal Khan, American University of Sharjah, United Arab Emirates
Copyright © 2024 Ali, Khalid, Farrash, Lahza, Zafar and Kim. 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: Seong-Han Kim, shkim8@sejong.ac.kr
†These authors contributed equally to this work