Acessibilidade / Reportar erro

Integrating Deep Learning, Grey Wolf Optimization, and SVM for Precise Plant Seedling Classification.

Abstract

The agricultural sector, particularly in emerging economies like Africa, faces significant challenges in weed management, directly impacting yield, production costs, and crop quality. Accurate and early weed identification is pivotal for effective weed control strategies. In response, our research extends beyond conventional deep learning methodologies by integrating Convolutional Neural Networks (CNN) with Grey Wolf Optimization (GWO) and Support Vector Machine (SVM) for enhanced plant seedling classification. Leveraging a dataset of 5539 images across 12 plant species, including essential crops such as Common Wheat, Maize, and Sugar Beet, alongside nine weed types, we embarked on a comprehensive analysis employing four advanced CNN architectures: ResNet-50, Inception-V3, VGG-16, and EfficientNet-B0. Our approach involved initial model training and validation, followed by the application of GWO for feature optimization and SVM for refined classification. Post-optimization, the EfficientNet-B0 model emerged as the frontrunner, showcasing exemplary performance with a remarkable training accuracy of 99.82% and a test accuracy of 98.83%. These results highlight the efficacy of combining CNNs with evolutionary algorithms and machine-learning techniques in agricultural applications. This study illustrates the capabilities of CNNs in agricultural contexts and emphasizes the added value of optimization algorithms in improving model performance. The integration of GWO and SVM presents a significant advancement in plant seedling classification, offering a powerful tool for precision agriculture. Our findings hold great promise for enhancing crop management and yield in Africa and other emerging economies, contributing to the evolution of sustainable farming practices through innovative technological solutions.

Keywords:
Plant Seedlings; Classification; Convolutional Neural Network; Grey Wolf Optimization; Support Vector Machine; Deep Learning; Precision Agriculture; Weed Management

GRAPHICAL ABSTRACT

HIGHLIGHTS

The hybrid CNN-GWO-SVM model revolutionizes seedling classification.

GWO refines SVM precision, enhancing feature selection.

EfficientNet-B0 sets a new standard with 98.83% accuracy.

AI-driven approach advances sustainable weed management.

INTRODUCTION

In an era characterized by swift population growth and escalating demands for food, the agricultural sector is confronted with the dual imperative of amplifying production while ensuring sustainability. This challenge is particularly acute in regions like Africa, where the farm sector is a primary economic driver. As underscored by the Food and Agriculture Organization of the United Nations [11 Nations FAOU. Transforming Food and Agriculture to Achieve the SDGs: 20 interconnected actions to guide decision-makers. 2nd ed. Rome: Food & Agriculture Org; 2019. p. 18-51.], the modernization of farming processes, encompassing seed sowing and weed management, is vital for boosting crop yields and sustaining productivity. In this context, adopting intelligent farming techniques is a pivotal force capable of propelling economic growth and enhancing agricultural efficiency. The advent of weeds in agricultural landscapes presents a formidable challenge as they vie with crops for essential nutrients and space, thereby diminishing yields [22 Gharde Y, Singh PK, Dubey RP, Gupta PK. Assessment of yield and economic losses in agriculture due to weeds in India. Crop Prot. 2018 May;107:12-8.]. Conventional weed control strategies, which typically involve manual labor or the application of chemical herbicides, are laborious and fraught with environmental risks [32 Gharde Y, Singh PK, Dubey RP, Gupta PK. Assessment of yield and economic losses in agriculture due to weeds in India. Crop Prot. 2018 May;107:12-8.]. Addressing these hurdles, our study introduces an innovative approach to plant seed classification by utilizing Convolutional Neural Networks (CNNs), a distinguished subset of Artificial Intelligence known for its proficiency in image analysis [44 Elnemr HA. Convolutional Neural Network Architecture for Plant Seedling Classification. Int J Adv Comput Sci Appl. 2019 Aug;10(8):1-8.]. In recent times, CNNs have found extensive applications in the agricultural domain, notably in plant species identification [55 Lee SH, Chan CS, Wilkin P, Remagnino P. Deep-plant: Plant identification with convolutional neural networks. IEEE International Conference on Image Processing (ICIP); 2015 Sep 27-30; Quebec City, QC, Canada. Piscataway (NJ): IEEE; 2015. p. 452-6.], weed detection [66 Subeesh A, Bhole S, Singh K, Chandel NS, Rajwade YA, Rao KV, et al. Deep convolutional neural network models for weed detection in polyhouse grown bell peppers. Artif Intell Agric. 2022 Jan;6:47-54.], and the diagnosis of plant diseases [77 Shobana M, Vaishnavi S, SP PK, Madhumitha K, Nitheesh C, Kumaresan N. Plant disease detection using convolution neural network. International Conference on Computer Communication and Informatics (ICCCI); 2022 Jan 25-27; Coimbatore, India. Piscataway (NJ): IEEE; 2022. p. 1-5.], underscoring their versatility and efficacy in diverse agricultural contexts. The dataset that forms the foundation of our research, graciously provided by the Aarhus University Signal Processing group in collaboration with the University of Southern Denmark, encompasses 5539 images depicting approximately 960 unique plants across 12 species at various stages of growth, curated explicitly for research in early-stage plant identification [88 Giselsson TM, Jorgensen RN, Jensen PK, Dyrmann M, Midtiby HS. A public image database for benchmark of plant seedling classification algorithms. ArXiv. 2017 Nov;abs/1711.05458:1-12.]. Our exploration extends beyond traditional neural network applications by incorporating four pre-trained CNN models, ResNet-50, Inception-V3, VGG-16, and EfficientNet-B0, to extract profound features from plant seedling data. To enhance feature effectiveness, we apply feature selection using the Gray Wolf Optimization (GWO) method, followed by applying the selected features to the SVM classifier, ensuring a robust classification mechanism. Our research methodology is comprehensive, starting from importing necessary libraries, dataset loading, and image visualization. The preprocessing phase is multi-faceted, involving normalization, Gaussian blurring, background removal, and subsequent post-processing visualization to prepare the data for CNN model compatibility. This includes reshaping the data for Keras model compatibility and converting labels into one-hot vectors. Our approach culminates in developing and accessing four distinct CNN models, each optimized through GWO and SVM for superior performance. Notably, our advanced models demonstrated remarkable accuracy, with the EfficientNet-B0 model achieving an impressive 99.82% accuracy on the training set and 98.83% on the test set post-optimization.

Literature Review

Recent developments signify a shift towards harnessing the capabilities of Convolutional Neural Networks (CNNs) for distinguishing between various plant species and weed types [55 Lee SH, Chan CS, Wilkin P, Remagnino P. Deep-plant: Plant identification with convolutional neural networks. IEEE International Conference on Image Processing (ICIP); 2015 Sep 27-30; Quebec City, QC, Canada. Piscataway (NJ): IEEE; 2015. p. 452-6.

6 Subeesh A, Bhole S, Singh K, Chandel NS, Rajwade YA, Rao KV, et al. Deep convolutional neural network models for weed detection in polyhouse grown bell peppers. Artif Intell Agric. 2022 Jan;6:47-54.
-77 Shobana M, Vaishnavi S, SP PK, Madhumitha K, Nitheesh C, Kumaresan N. Plant disease detection using convolution neural network. International Conference on Computer Communication and Informatics (ICCCI); 2022 Jan 25-27; Coimbatore, India. Piscataway (NJ): IEEE; 2022. p. 1-5.]. For instance, Elnemr [44 Elnemr HA. Convolutional Neural Network Architecture for Plant Seedling Classification. Int J Adv Comput Sci Appl. 2019 Aug;10(8):1-8.] introduces a specialized CNN architecture tailored for the early growth stages of plant seedlings, achieving an impressive 94.38% classification accuracy. This innovation effectively discriminates between crop and weed species, highlighting the significant role of CNNs in agricultural applications. Similarly, Latif and coauthors [99 Latif G, Mohammad N, Alghazo J. Plant Seedling Classification Using Preprocessed Deep CNN. 15th International Conference on Computer and Automation Engineering (ICCAE); 2023 Mar 3-5; Sydney, Australia. Piscataway (NJ): IEEE; 2023. p. 1-5.] advance this field by integrating advanced preprocessing techniques such as noise removal and grayscale conversion into their deep CNN model, achieving a notable 95.02% test accuracy for segmented images. Both studies emphasize the benefits of integrating AI technologies, like IoT and cloud computing, to reduce agricultural costs and enhance efficiency.

Concurrently, Nkemelu and coauthors [1010 Nkemelu DK, Omeiza D, Lubalo N. Deep convolutional neural network for plant seedlings classification. ArXiv. 2018 Nov;abs/1811.08404:1-5.] introduce a deep-learning model that combines CNNs with traditional image segmentation techniques to address weed detection challenges. Their methodology, which includes steps like Gaussian blur application before model training, significantly improves accuracy. This underscores the value of merging advanced image segmentation techniques with CNNs for optimized weed detection.

Alimboyong and coauthors [1111 Alimboyong CR, Hernandez AA. An improved deep neural network for classification of plant seedling images. 15th International Colloquium on Signal Processing & Its Applications (CSPA); 2019 Mar 8-9; Penang, Malaysia. Piscataway (NJ): IEEE; 2019. p. 217-22.] concentrate on refining deep neural network models for plant seedling classification. Their innovative architecture, trained on a dataset of 4,234 images from twelve plant species, demonstrates the model's effectiveness with an overall accuracy of 90.15%. The authors propose expanding datasets through data augmentation and potentially integrating CNNs with Recurrent Neural Network (RNN) architectures as promising future research directions.

Rahman and coauthors [1212 Rahman NR, Hasan MAM, Shin J. Performance comparison of different convolutional neural network architectures for plant seedling classification. 2nd International Conference on Advanced Information and Communication Technology (ICAICT); 2020 Nov 28-29; Dhaka, Bangladesh. Piscataway (NJ): IEEE; 2020. p. 146-50.] and Gupta and coauthors [1313 Gupta K, Rani R, Bahia NK. Plant-seedling classification using transfer learning-based deep convolutional neural networks. Int J Agric Environ Inf Syst. 2020 Oct;11(4):25-40.] explore transfer learning with different focuses. Rahman and coauthors [1212 Rahman NR, Hasan MAM, Shin J. Performance comparison of different convolutional neural network architectures for plant seedling classification. 2nd International Conference on Advanced Information and Communication Technology (ICAICT); 2020 Nov 28-29; Dhaka, Bangladesh. Piscataway (NJ): IEEE; 2020. p. 146-50.] assess a variety of CNN architectures, including LeNet-5, VGG-16, DenseNet-121, and ResNet-50, using a dataset of 5,539 images across 12 plant classes. Among these, ResNet-50 emerges as particularly effective, boasting an impressive 96.21% accuracy in overall test sets. Gupta and coauthors [1313 Gupta K, Rani R, Bahia NK. Plant-seedling classification using transfer learning-based deep convolutional neural networks. Int J Agric Environ Inf Syst. 2020 Oct;11(4):25-40.] take this exploration further by fine-tuning established CNN models such as VGG19, ResNet50, Xception, VGG16, and MobileNetV2 and incorporating Global Average Pooling (GAP) layers to bolster model generalization capabilities and curtail the risk of overfitting. Their findings reinforce the advantages of models like ResNet50 and VGG16 over traditional classification approaches like KNN and SVM. Makanapura and coauthors [1414 Makanapura N, Sujatha C, Patil PR, Desai P. Classification of plant seedlings using deep convolutional neural network architectures. 1st International Conference on Artificial Intelligence, Computational Electronics and Communication System (AICECS); 2021 Oct 28-30; Manipal, India. Bristol (UK): IOP Publishing; 2022. p. 012006.], highlight EfficientNetB0's particular potency in plant seedling classification, achieving impressive metrics in both F1-Score (96.26%) and overall accuracy (96.52%). This underscores the immense potential of deep learning in precision agriculture.

Furthermore, utilizing optimization algorithms such as Grey Wolf Optimization (GWO), inspired by the hunting strategy of grey wolves, in feature selection processes introduces a notable enhancement in the classification accuracy of machine learning models [1515 Mirjalili S, Mirjalili SM, Lewis A. Grey wolf optimizer. Adv Eng Softw. 2014 Mar;69:46-61.]. This method proves particularly effective in selecting the most influential features from the multitude extracted by CNNs, as outlined in studies focusing on agricultural and medical applications [1616 Kutluer N, Solmaz OA, Yamacli V, Eristi B, Eristi H. Classification of breast tumors by using a novel approach based on deep learning methods and feature selection. Breast Cancer Res Treat. 2023 Jul;200(2):183-92.].

This comprehensive literature review consolidates and examines the recent advancements in plant seedling classification, emphasizing the integration of CNNs for initial feature extraction, Grey Wolf Optimization for feature selection, and Support Vector Machine for the final classification task. The synergistic application of these technologies offers a compelling solution to the challenges in precision agriculture, especially in weed management, promising a significant improvement in crop yield and management, particularly in emerging economies and regions like Africa. These findings establish a solid foundation for our research, highlighting the potential of integrating deep learning, optimization algorithms, and classification methods in revolutionizing agricultural practices.

MATERIAL AND METHODS

This section outlines the comprehensive methodology employed to address the precise plant seedling classification challenge. At the heart of our approach lies the integration of advanced Convolutional Neural Networks (CNN) with Grey Wolf Optimization (GWO) for feature optimization, followed by classification leveraging Support Vector Machine (SVM). The process encompasses initial data acquisition and preprocessing, feature extraction using state-of-the-art CNN architectures, feature selection enhanced by GWO, and concluding with SVM-based classification. The methodology is designed to leverage the strengths of each component, ensuring robustness, accuracy, and efficiency in classifying a diverse set of plant seedlings.

Dataset Overview and Splitting Strategy

This subsection outlines the dataset's comprehensive overview and strategic partitioning into training, validation, and testing sets, crucial for the study's rigorous analysis and evaluation.

Description

Our study utilized a dataset provided by the Aarhus University Signal Processing group and the University of Southern Denmark. This dataset contains 5539 high-resolution images of approximately 960 unique plants, encompassing 12 species, including three crops (Maize, Common wheat, and Sugar beet) and nine weed varieties. The images were captured over 20 days, recording various growth stages to document early plant development stages critical for effective agricultural management [88 Giselsson TM, Jorgensen RN, Jensen PK, Dyrmann M, Midtiby HS. A public image database for benchmark of plant seedling classification algorithms. ArXiv. 2017 Nov;abs/1711.05458:1-12.].

The dataset's high-resolution images (5184 x 3456 pixels), captured using a Canon 600D DSLR camera, are ideal for identifying plant species at early growth stages. This is crucial for timely weed control before competition for nutrients begins. Figure 1 in our paper shows this diverse and detailed dataset, demonstrating its suitability for applying machine learning in precision agriculture.

Figure 1
Plant seedling images.

Figure 1 provides a visual overview of the dataset, showcasing the diversity and clarity of the images. This visual representation illustrates the dataset's various species and growth stages, offering a glimpse into its comprehensive nature and suitability for our research objectives. Figure 2 provides a clear insight into the diversity and complexity of the dataset. A notable challenge encountered in our study was the imbalance in data across all classes. To address this, we employed data augmentation techniques and other strategic methods to mitigate the issue.

Figure 2
Distribution of Sample Counts per Class in the Plant Seedling Dataset

Data Splitting

The plant seedling dataset was divided into three distinct sets: training, validation, and testing, constituting 70%, 10%, and 20% of the data, respectively. This split was carefully designed to ensure the models could be trained extensively, tuned accurately, and evaluated effectively without any overlap between the validation and testing sets. Table 1 below outlines species distribution across each dataset category to provide a comprehensive overview of the data allocation.

Table 1
Data splitting details

Proposed Architecture Overview

As seen Figure 3, our proposed architecture navigates the intricate data of plant and weed images through a streamlined process. Initially, the images undergo a series of preprocessing steps, enhancing their quality and preparing them for feature extraction. We employ renowned CNN architectures, ResNet-50, Inception-V3, VGG-16, and EfficientNet-B0, fine-tuned for our specific dataset, to distill essential features from the images.

Figure 3
Schematic Overview of the Plant Seedling Classification Pipeline

Subsequently, the Grey Wolf Optimizer refines these features, selecting the most indicative ones for accurate classification. The final stage involves the Support Vector Machine classifier, which uses these optimized features to distinguish between plant species. The architecture culminates in a robust classification system, ensuring high accuracy and efficiency. Further details of each stage are elaborated in our study, underscoring the systematic approach of our classification methodology.

Data Preprocessing

The preprocessing of the dataset is critical in preparing the images for the Convolutional Neural Network (CNN). This section describes the sequential steps and associated mathematical formulas implemented to preprocess the images:

Normalization: We normalized the data to ensure uniformity in pixel value ranges across all images. Mathematically, this is represented in equation (1):

I ' = I 255 (1)

where I is the original image matrix, and I' is the normalized image matrix.

Gaussian Blurring: Gaussian blurring reduces high-frequency noise and is implemented via the convolution of the original image I with a Gaussian kernel G, defined as follows in equation (1):

G ( x , y ) = 1 2 π σ 2 e x 2 + y 2 2 σ 2 (2)

where * denotes convolution, and σ is the standard deviation of the Gaussian kernel.

The resultant blurred image, Iblurred is then given by the convolution of IandG, as shown in equation (3):

I b l u r r e d = I * G (3)

Masking: The seedlings were isolated from the background using a mask M defined within the HSV color space. The mask is defined by the condition in equation (4) :

M ( x , y ) = { 1 i f h l o w H ( x , y ) h h i g h a n d s l o w S ( x , y ) s h i g h a n d v _ l o w V ( x , y ) v _ h i g h 0 o t h e r w i s e } (4)

where H, S, and V are the hue, saturation, and value, respectively, and h_low,h_high,s_low,s_high,v_lowandv_high represent the lower and upper bounds for segmentation.

Visualization Post-Processing: The preprocessed images were visualized to confirm the effectiveness of the preprocessing steps and ensure the data was conducive for CNN training. Figure 4 in the paper illustrates the preprocessing steps, showing the transition from original to processed images, including the normalized, blurred, masked, and final segmented photos ready for the classification task.

Figure 4
The preprocessing steps show the original images alongside their blurred, masked, and post-processed counterparts.

The impact of these preprocessing steps is significant. As indicated by Latif, G. and coauthors (2023), using segmented images, a result of our masking process, improved the accuracy of plant seedling classification by 3.44%, underscoring the importance of effective preprocessing [99 Latif G, Mohammad N, Alghazo J. Plant Seedling Classification Using Preprocessed Deep CNN. 15th International Conference on Computer and Automation Engineering (ICCAE); 2023 Mar 3-5; Sydney, Australia. Piscataway (NJ): IEEE; 2023. p. 1-5.].

Feature Extraction

Feature extraction serves as a critical phase in the processing pipeline of our study, transforming raw image data into a more compact and informative set of features that can be efficiently analyzed. We employed four esteemed CNN architectures to harness their pre-trained knowledge: ResNet-50, Inception-V3, VGG-16, and EfficientNet-B0. These models, renowned for their effectiveness in image-related tasks, are described in their respective seminal papers [1717 He K, Zhang X, Ren S, Sun J. Deep residual learning for image recognition. IEEE Conference on Computer Vision and Pattern Recognition (CVPR); 2016 Jun 27-30; Las Vegas, NV, USA. Piscataway (NJ): IEEE; 2016. p. 770-8.

18 Simonyan K, Zisserman A. Very deep convolutional networks for large-scale image recognition. CoRR. 2014 Sep;abs/1409.1556:1-14

19 Szegedy C, Vanhoucke V, Ioffe S, Shlens J, Wojna Z. Rethinking the inception architecture for computer vision. IEEE Conference on Computer Vision and Pattern Recognition (CVPR); 2016 Jun 27-30; Las Vegas, NV, USA. Piscataway (NJ): IEEE; 2016. p. 2818-26.
-2020 Tan M, Le Q. Efficientnet: Rethinking model scaling for convolutional neural networks. Proceedings of the 36th International Conference on Machine Learning (ICML). 2019 Jun 9-15; Long Beach, California, USA. California: PMLR; 2019. p. 6105-14.].

ResNet-50, through its innovative residual learning framework, allows the training of substantially deeper networks than previously used. This model is particularly adept at addressing the degradation problem, ensuring that with increased depth, accuracy is saturated and then degrades rapidly. We leveraged the ResNet-50 architecture pre-trained on the ImageNet dataset, adapting it to our specific task by adding a custom classification head. This head comprises a Global Average Pooling layer followed by dense layers, culminating in a softmax layer for multi-class prediction. The model's layers were initially frozen to preserve the learned weights, with subsequent fine-tuning to tailor the feature extraction to our dataset's specificities.

Inception-V3 employs a more complex architecture than ResNet-50, with asymmetric convolutions that allow it to capture information at various scales. This CNN was similarly adapted using transfer learning, where we integrated a custom head to the pre-trained base. The model's initial layers were frozen, and fine-tuning was conducted on a subset of the layers, ensuring that the model's learned weights were adjusted to our classification problem.

VGG-16 is recognized for its simplicity and depth, using an architecture with tiny convolution filters that allow it to learn finer details. For our study, VGG-16's pre-trained base was augmented with a custom head similar to the other models. A portion of the network's layers was frozen, followed by fine-tuning to ensure the extracted features were pertinent to our plant seedling classification task.

Lastly, EfficientNet-B0 stands out with its systematic scaling up of the network, which balances network depth, width, and resolution. The pre-trained EfficientNet-B0 model was fine-tuned similarly to the previous models, with a custom head designed for our classification task. The model incorporated regularizers to prevent overfitting and dropout layers to ensure robustness.

In summary, the fine-tuned models are used not just for classifying images but are harnessed as feature extractors, each contributing a unique perspective in representing the data. Through transfer learning, we preserved the integrity of the learned image representations. Then, we fine-tuned the models to align with the specific textures, shapes, and patterns in our dataset's plant and weed images. The output features from these models serve as inputs for the feature selection phase, where the Grey Wolf Optimizer (GWO) will further distill the essence of the data, selecting the most informative features for the final classification stage.

Optimizing Feature Selection with Grey Wolf Algorithm

In the landscape of plant seedling classification, feature selection is a cornerstone in refining the predictive capabilities of machine learning models. Our approach harnesses the Grey Wolf Optimizer (GWO), an innovative algorithm inspired by the social hierarchy and hunting strategy of grey wolves in nature [1515 Mirjalili S, Mirjalili SM, Lewis A. Grey wolf optimizer. Adv Eng Softw. 2014 Mar;69:46-61.]. This algorithm plays a pivotal role in sifting through the features extracted by our deep learning models to identify the most influential ones for our classification task.

Our CNN models output a 1 × 512-dimensional feature vector for each image. While rich in information, this high-dimensional feature space necessitates a robust feature selection method to enhance model performance and prevent overfitting. The GWO algorithm meets this need by mimicking the cooperative hunting behavior of wolves to search for the optimal feature set.

The fitness function, central to the success of the GWO algorithm, assesses the quality of each potential solution, that is, each subset of features. The fitness of a feature subset is determined by its ability to improve the classification accuracy of our Support Vector Machine (SVM) model.

The effectiveness of our GWO approach is quantified by a fitness function, encapsulated in equation (5)

F i t n e s s = α P + β ( N L L ) (5)

In this equation:

  • Prepresents the classification accuracy obtained using the SVM classifier.

  • L signifies the length or the number of selected features.

  • N denotes the total number of features in the entire dataset.

  • αandβare coefficients balancing the weight of classification accuracy (α) against the complexity of the feature set (β). Here α is a value between 0 and 1, and β is its complement, such that β=1α.

The fitness function, pivotal in our feature selection strategy, is adeptly designed to prioritize feature sets that elevate classification accuracy and advocate for a compact, more potent feature selection. This strategic choice is synergistic with the overarching goal of augmenting the SVM classifier's efficiency and mitigating the risk of overfitting, a common concern in high-dimensional image classification tasks such as ours. This careful balance is visually encapsulated in Figure 5, illustrating the nuanced optimization process of feature selection employing the Grey Wolf Algorithm, ensuring our SVM classifier is fine-tuned for optimal performance.

Figure 5
Optimization of Feature Selection Using Grey Wolf Algorithm for Enhanced Plant Seedling Classification

By integrating the GWO into our feature selection phase, we leverage its strategic exploration and exploitation capabilities, thus ensuring that our SVM classifier is equipped with the most discriminative features for accurate and efficient classification of plant seedlings.

Classification Using SVM

The Support Vector Machine (SVM) is particularly distinguished in classification algorithms for its precision and efficiency. It is characterized by its kernel trick capability and the absence of local minimum issues. SVM's core functionality lies in constructing a hyperplane or a set of hyperplanes in a high or infinite-dimensional space, which can be used for classification, regression, or other tasks [1616 Kutluer N, Solmaz OA, Yamacli V, Eristi B, Eristi H. Classification of breast tumors by using a novel approach based on deep learning methods and feature selection. Breast Cancer Res Treat. 2023 Jul;200(2):183-92.]. The effectiveness of SVM in binary and multi-class classification problems makes it an ideal candidate for a wide array of applications, including the classification challenges addressed in this study.

This research uses SVMs as the classifiers following the feature selection process conducted by the Grey Wolf Optimizer (GWO). By leveraging the SVM's ability to manage linear and non-linear data through kernel functions, we can easily navigate the intricacies of plant seedling classification. The optimization process, guided by the GWO, refines the feature set, allowing the SVM to focus on the most relevant features, enhancing its predictive prowess. The subsequent sections will delve into the results and discussion, demonstrating the effectiveness of this combined approach in distinguishing between different plant species.

RESULTS AND DISCUSSION

In this section, we meticulously analyze the performance metrics of our integrated model and provide a comparative examination with existing methodologies, reinforcing the superiority of our approach in the precise classification of plant seedlings.

Evaluation of Model Performance Metrics

Our analysis commenced with deriving several metrics, each offering insights into different facets of model performance. We encapsulated these metrics in Table 2, where each metric is defined alongside its corresponding mathematical representation and a descriptive elucidation.

Table 2
Evaluation metrics equations with a detailed description.

Post-Training Model Performance Analysis

This subsection is dedicated to examining the models' performance following their training phase, with a multi-dimensional approach to the analysis.

Epoch-wise Validation Accuracy Trends

Figure 6 delineates the progression of validation accuracy throughout 50 epochs. It juxtaposes the learning curves of four CNN derivatives: ResNet-50, Inception-V3, VGG-16, and EfficientNet-B0. ResNet-50 and EfficientNet-B0 emerge as front-runners, rapidly attaining higher accuracy, indicative of their superior learning efficacy. Meanwhile, inception-V3 and VGG-16 exhibit a more gradual but consistent enhancement in accuracy.

Figure 6
Validation Accuracy Progression Over 50 Epochs for CNN Models

ResNet-50 and EfficientNet-B0, in particular, achieved a rapid ascent to high accuracy levels, indicating their effective feature learning capabilities. Inception-V3 and VGG-16 showed steady progress, reflecting consistent learning without significant overfitting.

Epoch-wise Validation Loss Trends

Figure 7 portrays the trajectory of validation loss for each model over the epochs. ResNet-50 and VGG-16 show a precipitous decline in loss, underscoring their swift convergence. Inception-V3's loss reduction is more measured but ultimately aligns with the other models. EfficientNet-B0 displays a unique pattern (a pronounced initial spike) hinting at its complex learning dynamics before stabilizing and mirroring its counterparts' descent of loss.

Figure 7
Validation Loss Development Over 50 Epochs for CNN Models

Model Metrics Before GWO and SVM Integration

Before the introduction of GWO and SVM, the CNN-based transfer learning models were assessed on their inherent predictive prowess. Tables 3 and 4 offer a juxtaposition of training and testing metrics. Notably, EfficientNet-B0 exhibits exceptional performance, solidifying its status as a powerful feature extractor and classifier.

Table 3
Comparative Training Metrics of Models Before GWO and SVM Application (%)

Table 4
Comparative Test Metrics of Models Before GWO and SVM Application (%)

Enhanced Model Evaluation Post-CNN-GWO-SVM Integration

The fusion of CNN architectures with GWO and SVM culminates in a robust classification framework. This section will dissect the models' augmented capabilities, showcasing the notable performance gains of this synergistic approach. Tables 5 and 6 present the comparative metrics post-integration, highlighting the amplified accuracy and precision from the GWO and SVM combination.

Table 5
Enhanced Training Metrics of Models Following GWO and SVM Integration (%)

Table 6
Enhanced Test Metrics of Models Following GWO and SVM Integration (%)

Upon integrating the Grey Wolf Optimizer (GWO) and Support Vector Machine (SVM) with the pre-trained CNN frameworks, we observed a significant enhancement in the model performances. The data encapsulated in Table 5 and Table 6 reflects this uplift, with precision, recall, F1 scores, and accuracy all experiencing a marked improvement. Table 5, which outlines the training metrics, shows that the ResNet-50, Inception-V3, and VGG-16 models have all benefited from the integration, with each metric witnessing an uptick. The EfficientNet-B0 model has achieved near-perfect scores across all metrics, reinforcing its superior feature extraction and generalization capability. In the realm of testing, as per Table 6, the ResNet-50 model has crossed the threshold of 94% in accuracy, a testament to the robustness of its architecture when combined with GWO and SVM. Inception-V3 and VGG-16 also exhibit substantial gains, with accuracy improvements of over 2% and 3%, respectively. It is the EfficientNet-B0 model that has set a new benchmark with an impressive accuracy of 98.83%, cementing its status as the best-performing model in this study. These results demonstrate the individual strengths of each CNN architecture when merged with advanced optimization and classification techniques and highlight the potential of such hybrid models in complex image classification tasks. The EfficientNet-B0, in particular, stands out as a beacon of excellence, promising exciting prospects for future research and practical applications.

Figure 8 displays the confusion matrix for the EfficientNet-B0 model, enhanced by applying Grey Wolf Optimizer (GWO) and Support Vector Machine (SVM). This matrix illustrates the model's improved classification capabilities, highlighting its refined ability to distinguish among different classes with superior accuracy in test data.

Figure 8
Test-Based Confusion Matrix of the Optimized EfficientNet-B0 Model Using GWO and SVM

Comparative Analysis with Existing Models in Literature

Table 7 provides a comparative analysis, showcasing the performance of our Optimized EfficientNet-B0 Model Using GWO and SVM in conjunction with the results of other studies utilizing the same dataset. This comparison underscores the effectiveness of our approach in plant seedling classification.

Table 7
Comparative Analysis with Existing Models in Literature

CONCLUSION

In addressing the pivotal challenge of precision agriculture, particularly the issue of weed management in the agricultural sector, this study elucidates a groundbreaking approach by amalgamating Convolutional Neural Networks (CNN) with Grey Wolf Optimization (GWO) and Support Vector Machine (SVM) for enhanced plant seedling classification. Through a meticulous analysis of a dataset comprising 5539 images across various plant species, our approach leverages the strengths of pre-eminent CNN architectures (ResNet-50, Inception-V3, VGG-16, and EfficientNet-B0) coupled with the sophisticated feature optimization enabled by GWO, and the refined classification capabilities of SVM.

The study's progression from theoretical merit to practical efficacy was marked by an initial training and validation phase, moving on to utilizing GWO for feature optimization and finally implementing SVM for classification refinement. This multi-faceted approach was vindicated by the standout performance of the EfficientNet-B0 model, which achieved a remarkable training accuracy of 99.82% and a testing accuracy of 98.83%. These figures reflect the pinnacle of our experimental findings and underscore the synergy achieved by integrating state-of-the-art machine learning technologies.

The significance of this research transcends theoretical and empirical success; it pioneers a path for substantial advancements in the agricultural industry, especially within the context of emerging economies such as Africa. By facilitating early and accurate weed identification, our findings promise to enhance crop management strategies, reducing production costs, improving crop quality, and boosting yields. Such achievements embody the ethos of precision agriculture and herald a new era of sustainable farming practices enriched by technological innovation.

Furthermore, the collaborative methodology of CNNs, GWO, and SVM delineates a versatile framework that can be adapted beyond the scope of agriculture into various fields requiring nuanced pattern recognition and classification. The exemplary performance of our integrated model posits a robust foundation for future research endeavors aimed at refining and scaling these techniques for broader applications.

In conclusion, this study marks a significant milestone in applying deep learning and optimization algorithms toward solving critical challenges within the agricultural sector. It demonstrates the benefits of integrating advanced machine learning models for plant seedling classification. It paves the way for enhanced agricultural practices that could profoundly impact food production and security, especially in regions that need sustainable solutions the most. As we look forward to the adaptation and further exploration of these models, it remains evident that the intersection of AI and agriculture holds promising potential for transformative advancements in the quest for efficiency, sustainability, and resilience in food systems worldwide.

REFERENCES

  • 1
    Nations FAOU. Transforming Food and Agriculture to Achieve the SDGs: 20 interconnected actions to guide decision-makers. 2nd ed. Rome: Food & Agriculture Org; 2019. p. 18-51.
  • 2
    Gharde Y, Singh PK, Dubey RP, Gupta PK. Assessment of yield and economic losses in agriculture due to weeds in India. Crop Prot. 2018 May;107:12-8.
  • 3
    Woyessa D. Weed Control Methods Used in Agriculture. Am J Life Sci Innov. 2022 Jul;1(1):19-26.
  • 4
    Elnemr HA. Convolutional Neural Network Architecture for Plant Seedling Classification. Int J Adv Comput Sci Appl. 2019 Aug;10(8):1-8.
  • 5
    Lee SH, Chan CS, Wilkin P, Remagnino P. Deep-plant: Plant identification with convolutional neural networks. IEEE International Conference on Image Processing (ICIP); 2015 Sep 27-30; Quebec City, QC, Canada. Piscataway (NJ): IEEE; 2015. p. 452-6.
  • 6
    Subeesh A, Bhole S, Singh K, Chandel NS, Rajwade YA, Rao KV, et al. Deep convolutional neural network models for weed detection in polyhouse grown bell peppers. Artif Intell Agric. 2022 Jan;6:47-54.
  • 7
    Shobana M, Vaishnavi S, SP PK, Madhumitha K, Nitheesh C, Kumaresan N. Plant disease detection using convolution neural network. International Conference on Computer Communication and Informatics (ICCCI); 2022 Jan 25-27; Coimbatore, India. Piscataway (NJ): IEEE; 2022. p. 1-5.
  • 8
    Giselsson TM, Jorgensen RN, Jensen PK, Dyrmann M, Midtiby HS. A public image database for benchmark of plant seedling classification algorithms. ArXiv. 2017 Nov;abs/1711.05458:1-12.
  • 9
    Latif G, Mohammad N, Alghazo J. Plant Seedling Classification Using Preprocessed Deep CNN. 15th International Conference on Computer and Automation Engineering (ICCAE); 2023 Mar 3-5; Sydney, Australia. Piscataway (NJ): IEEE; 2023. p. 1-5.
  • 10
    Nkemelu DK, Omeiza D, Lubalo N. Deep convolutional neural network for plant seedlings classification. ArXiv. 2018 Nov;abs/1811.08404:1-5.
  • 11
    Alimboyong CR, Hernandez AA. An improved deep neural network for classification of plant seedling images. 15th International Colloquium on Signal Processing & Its Applications (CSPA); 2019 Mar 8-9; Penang, Malaysia. Piscataway (NJ): IEEE; 2019. p. 217-22.
  • 12
    Rahman NR, Hasan MAM, Shin J. Performance comparison of different convolutional neural network architectures for plant seedling classification. 2nd International Conference on Advanced Information and Communication Technology (ICAICT); 2020 Nov 28-29; Dhaka, Bangladesh. Piscataway (NJ): IEEE; 2020. p. 146-50.
  • 13
    Gupta K, Rani R, Bahia NK. Plant-seedling classification using transfer learning-based deep convolutional neural networks. Int J Agric Environ Inf Syst. 2020 Oct;11(4):25-40.
  • 14
    Makanapura N, Sujatha C, Patil PR, Desai P. Classification of plant seedlings using deep convolutional neural network architectures. 1st International Conference on Artificial Intelligence, Computational Electronics and Communication System (AICECS); 2021 Oct 28-30; Manipal, India. Bristol (UK): IOP Publishing; 2022. p. 012006.
  • 15
    Mirjalili S, Mirjalili SM, Lewis A. Grey wolf optimizer. Adv Eng Softw. 2014 Mar;69:46-61.
  • 16
    Kutluer N, Solmaz OA, Yamacli V, Eristi B, Eristi H. Classification of breast tumors by using a novel approach based on deep learning methods and feature selection. Breast Cancer Res Treat. 2023 Jul;200(2):183-92.
  • 17
    He K, Zhang X, Ren S, Sun J. Deep residual learning for image recognition. IEEE Conference on Computer Vision and Pattern Recognition (CVPR); 2016 Jun 27-30; Las Vegas, NV, USA. Piscataway (NJ): IEEE; 2016. p. 770-8.
  • 18
    Simonyan K, Zisserman A. Very deep convolutional networks for large-scale image recognition. CoRR. 2014 Sep;abs/1409.1556:1-14
  • 19
    Szegedy C, Vanhoucke V, Ioffe S, Shlens J, Wojna Z. Rethinking the inception architecture for computer vision. IEEE Conference on Computer Vision and Pattern Recognition (CVPR); 2016 Jun 27-30; Las Vegas, NV, USA. Piscataway (NJ): IEEE; 2016. p. 2818-26.
  • 20
    Tan M, Le Q. Efficientnet: Rethinking model scaling for convolutional neural networks. Proceedings of the 36th International Conference on Machine Learning (ICML). 2019 Jun 9-15; Long Beach, California, USA. California: PMLR; 2019. p. 6105-14.
  • 21
    Binguitcha-Fare A-A, Sharma P. Crops and weeds classification using convolutional neural networks via optimization of transfer learning parameters. Int J Eng Adv Technol. 2019 Jun;8(5):2249-8958.
  • 22
    Khoza N, Khosa M, Mahlangu T, Ndlovu N. Plant seedling classification using machine learning. In: Pudaruth S, Singh U, editors. Proceedings of the 2022 International Conference on Artificial Intelligence, Big Data, Computing and Data Communication Systems (icABCD); 2022 Aug 4-5; Durban, South Africa. Piscataway (NJ): IEEE; 2022. p. 1-6.
  • 23
    Tiwari S, Sharma AK, Jain A, Gupta D, Gono M, Gono R, et al. IOT-enabled model for weed seedling classification: An application for smart agriculture. AgriEngineering. 2023 Jan;5(1):257-72.
  • Funding:

    This research received no external funding

Edited by

Editor-in-Chief:

Alexandre Rasi Aoki

Associate Editor:

Fabio Alessandro Guerra

Publication Dates

  • Publication in this collection
    26 Aug 2024
  • Date of issue
    2024

History

  • Received
    23 Feb 2024
  • Accepted
    02 Apr 2024
Instituto de Tecnologia do Paraná - Tecpar Rua Prof. Algacyr Munhoz Mader, 3775 - CIC, 81350-010 Curitiba PR Brazil, Tel.: +55 41 3316-3052/3054, Fax: +55 41 3346-2872 - Curitiba - PR - Brazil
E-mail: babt@tecpar.br