Ijraset Journal For Research in Applied Science and Engineering Technology
Authors: Kikatoshi Jamir, K Sreekar Reddy, Vignesh S Lokesh, Nisha L, Asst. Prof. Venkatesh M R
DOI Link: https://doi.org/10.22214/ijraset.2024.62596
Certificate: View Certificate
In the realm of agricultural technology, the classification of weeds in cotton fields holds significant importance for enhancing crop yield and reducing manual labor. This paper proposes an ensemble method leveraging Artificial Intelligence and Machine Learning (AIML) techniques for efficient weed classification in cotton fields. The ensemble method combines multiple machine learning algorithms to create a robust classification model capable of accurately identifying various weed species amidst cotton plants. Key steps involve data collection from cotton fields, preprocessing techniques to enhance data quality, feature extraction to identify relevant characteristics, and model training using ensemble learning algorithms such as Google net, Alex net. The proposed approach aims to overcome the limitations of individual algorithms by leveraging their collective intelligence to improve classification accuracy and reliability. Experimental results demonstrate the effectiveness of the ensemble method in accurately differentiating between different weed species, thereby aiding farmers in implementing targeted weed control strategies and optimizing crop management practices. Overall, this study showcases the potential of AIML-based ensemble methods in addressing agricultural challenges and fostering sustainable farming practices.
I. INTRODUCTION
In the agricultural domain, effective weed management is crucial for optimizing crop yield and reducing economic losses. The detection of weeds in cotton farms is crucial for optimizing farming practices and enhancing crop yield. This study proposes a vision-based weed detection model employing deep learning techniques to address this challenge. The system utilizes a comprehensive approach, integrating various deep neural network (DNN) architectures such as SVM, Decision Tree, CNN models (GoogleNet, AlexNet, InceptionV3, Xception, and EfficientNetB3), as well as hybrid models combining CNN with SVM and feature extraction. This research explores additional techniques including Voting Classifier and ensemble learning, specifically combining Xception and EfficientNetB3 models. The effectiveness of the ensemble method is evaluated using real-world data collected from cotton fields, demonstrating its superiority in weed classification compared to single-model approaches. The proposed ensemble model achieves 100% accuracy, surpassing previous single-model and hybrid approaches. This automated weed classification system holds promise for significantly improving farming efficiency and crop management in cotton fields.. The findings suggest that ensemble methods offer a promising solution for enhancing weed management practices in agriculture, paving the way for more efficient and sustainable crop production systems
This paper presents an innovative approach to weed classification in cotton fields by leveraging ensemble methods within the domain of Artificial Intelligence and Machine Learning (AIML). The primary objective is to address the pressing need for efficient weed management strategies in agricultural settings, particularly in cotton cultivation where weed interference can significantly impact crop yield. By employing ensemble learning techniques, the study aims to enhance the accuracy and reliability of weed classification models, thereby facilitating more precise identification and subsequent control measures.
The proposed methodology involves the integration of multiple machine learning algorithms, such as Google net,Alex net to create a powerful ensemble model capable of effectively discriminating between various weed species amidst cotton plants. This ensemble approach harnesses the collective intelligence of diverse algorithms, mitigating individual algorithmic limitations and enhancing overall classification performance. Through rigorous experimentation and evaluation, the study demonstrates the efficacy of the ensemble method in accurately differentiating between different weed species, offering a promising solution to the challenges posed by weed infestations in cotton fields.
II. OBJECTIVES
III. LITRATURE SURVEY
In [1], a comprehensive exploration of deep learning methodologies for weed detection in agricultural settings, focusing on the application of the YOLOv7 object detection model. The study leverages high-resolution RGB data acquired from UAVs and introduces the Chicory Plants (CP) dataset, comprising over 3300 images with more than 12,000 annotated bounding boxes. Through rigorous experimentation, the research demonstrates the efficacy of YOLOv7 variants, particularly YOLOv7-x and YOLOv7-w6, in achieving significant detection accuracy rates, outperforming both single-stage and two-stage detectors like YOLOv5, YOLOv4, RCNN, and FRCNN.
In [2], introduced a novel approach for weed detection in canola fields, combining traditional maximum likelihood classification with deep convolutional neural networks (CNNs). Through extensive experimentation and comparison with previous works, the proposed methodology demonstrates superior performance, achieving an MIOU (Mean Intersection over Union) value of 0.8288 and FWIOU (Frequency Weighted Intersection over Union) value of 0.9869 for a ResNet-50 based SegNet model.
A system proposed in [3] explores the utilization of diverse machine learning and image processing methodologies for the detection of weeds in lettuce crops, with the overarching objective of refining agricultural practices through precise weed management. By conducting a comparative analysis, the study evaluates the efficacy of different approaches, encompassing both deep learning architectures such as YOLO and R-CNN, and conventional image processing techniques.
In [4], a comprehensive study on the development of a software tool for weed detection in soybean crops using image analysis techniques. The study utilizes unmanned aerial vehicle (UAV) imagery to capture images of soybean fields, which are then processed using various algorithms for segmentation and classification.
In [5], introduced a comprehensive synthesis of contemporary research endeavors in the domain of crop and weed detection within the context of agricultural automation and precision farming. It meticulously examines a wide spectrum of methodologies and technologies utilized for discerning and classifying crops and weeds, which constitutes a pivotal aspect of effective weed management and the implementation of precision agriculture strategies.
In [6], a novel real-time weed detection system designed for precision agriculture, leveraging Convolutional Neural Networks (CNNs) for feature extraction and detection. Unlike traditional methods that require segmenting plants or leaves, this system directly outputs images with bounding boxes around detected weeds, streamlining the process and eliminating the need for preprocessing or post-processing steps.
Finally in [7], a real-time weed detection system for precision agriculture using Convolutional Neural Networks (CNNs) and parallel image processing. The system achieves high precision (91.1%) and provides valuable output for selective weed treatment, coverage analysis, and decision-making in precision agriculture. Despite a limitation where predicted bounding boxes may overlap with crops due to close proximity, the proposed system is considered effective for weed detection in real-field conditions.
IV. PROPOSED METHODOLOGY
The proposed "Ensemble method used for weed classification in cotton field" proposes an automated weed classification system using deep learning.
In this paper the system is designed to use different models for analysis the Cotton weed Dataset with SVM, Decision Tree and CNN model and compared with DCNN models like GoogleNet, AlexNet, InceptionV3, Xception and EfficientNetB3 models, and compared with hybrid model like CNN with SVM, and CNN extracted with feature, However, we can further enhance the performance by exploring other techniques such Voting Classifier and ensemble of Xception + EfficientNetB3 model, and ensemble model got 100% of accuracy, With the above As an extension we can build the front end using flask framework for user testing with authentication.
V. BLOCK DIAGRAM FOR PROPOSED METHODOLOGY
The architecture design, which is shown in Fig 1.0, outlines the complex sequence of steps needed in classifying crops and weeds. The system prepares the dataset through preprocessing operations including resizing and augmentation before starting data processing. The next step is to choose a model, and there are many options available, from AlexNet and GoogLeNet to more complex architectures like InceptionV3 and combinations with EfficientNet. These models form the basis of Deep Convolutional Neural Networks (DCNNs), which go through training, testing, and validation stages in order to extract and classify features. The dataset is divided into various phases, models are trained on one subset, and their effectiveness is assessed on another. After thorough testing, the trained models are prepared to accept input photos, go through dataset-like preprocessing, and Determine matching class names to differentiate weeds from crops. In order to improve performance, the procedure also entails adjusting the models' hyperparameters, such as batch size and learning rate. The goal of this comprehensive architecture is to generate strong classification models that can correctly identify various species of plants from input photos.
VI. MODULE DECOMPOSITION
To sum up, the project\'s goal was to create a reliable system for classifying weeds in cotton fields by utilizing machine learning and image processing methods. By means of methodical data extraction from Kaggle and thorough preparation, such as downsizing and augmenting images, we produced a superior dataset fit for model training. For weed classification, a range of machine learning models were investigated, such as Support Vector Machines (SVM), Decision Trees, and deep convolutional neural network (DCNN) architectures as GoogLeNet, AlexNet, InceptionV3, Xception, and EfficientNetB3. After thorough examination and contrast of these models, the most effective solution—which provided the best accuracy and efficiency—was an ensemble strategy that included EfficientNetB3 and InceptionV3.The real-time categorization of user-uploaded photos was made possible by the ensemble model\'s deployment into an intuitive interface, which made it easier to quickly and accurately identify weeds in fields of cotton. Additionally, throughout the development process, unit and integration testing were used to guarantee the accuracy, dependability, and smooth integration of the system\'s component parts. Overall, the project was successful in achieving its goals of creating an effective system for classifying weeds, which would help improve weed control techniques and boost agricultural crop production. The system\'s implementation gives farmers and agricultural specialists a useful tool for enhancing decision-making and maximizing weed-control tactics, which will eventually increase agricultural sustainability and output.
[1] K. Osorio, A. Puerto, C. Pedraza, D. Jamaica, and L. Rodríguez, ‘‘A deep learning approach for weed detection in lettuce crops using multispectral images,’’AgriEngineering, vol. 2, no. 3, pp. 471–488, Aug. 2020 . [2] A. Wang, W. Zhang, and X. Wei, ‘‘A review on weed detection using ground-based machine vision and image processing techniques,’’Comput. Electron. Agricult., vol. 158, pp. 226–240, Mar. 2019. [3] E. Hamuda, M. Glavin, and E. Jones, ‘‘A survey of image processing techniques for plant extraction and segmentation in the field,’’ Comput. Electron. Agricult., vol. 125, pp. 184–199, Jul. 2016. [4] A. D. S. Ferreira, D. M. Freitas, G. G. D. Silva, H. Pistori, and M. T. Folhes, ‘‘Weed detection in soybean crops using ConvNets,’’ Comput. Electron. Agricult., vol. 143, pp.314–324, Dec. 2017. [5] M. H. Asad and A. Bais, ‘‘Weed detection in canola fields using maximum likelihood classification and deep convolutional neural network,’’ Inf. Process. Agricult., vol. 7, no. 4, pp. 535–545, Dec. 2020. [6] A. Olsen, D. A. Konovalov, B. Philippa, P. Ridd, J. C. Wood, J. Johns, W. Banks, B.Girgenti, O. Kenny, J. Whinney, B. Calvert, M. R. Azghadi, and R. D. White, ‘‘DeepWeeds: A multiclass weed species image dataset for deep learning,’’ Sci. Rep., vol. 9, no. 1, p. 2058, Feb. 2019. [7] J. Schmidhuber, ‘‘Deep learning in neural networks: An overview,’’ Neural Netw., vol. 61, pp. 85–117, Jan. 2015.
Copyright © 2024 Kikatoshi Jamir, K Sreekar Reddy, Vignesh S Lokesh, Nisha L, Asst. Prof. Venkatesh M R. This is an open access article distributed under the Creative Commons Attribution License, which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.
Paper Id : IJRASET62596
Publish Date : 2024-05-23
ISSN : 2321-9653
Publisher Name : IJRASET
DOI Link : Click Here