Ijraset Journal For Research in Applied Science and Engineering Technology
Authors: K. Sindhura
DOI Link: https://doi.org/10.22214/ijraset.2024.64325
Certificate: View Certificate
Agriculture is crucial to India\'s economy, contributing 17% to the GDP and supporting over 60% of the population. Cotton is a key crop, essential for Indian farmers and the textile industry. However, cotton leaf diseases have long posed a challenge, affecting crop yields. Monitoring these crops manually is time-consuming and expensive.To address this, both traditional and computer-assisted methods have been used for early detection. Convolutional Neural Networks (CNNs) have shown great potential in classifying diseases but require large datasets for training. In this study, a dataset of 1,951 images of cotton leaves, affected by four major diseases, was compiled using optical sensors. These images were processed with Keras to enhance the database for more accurate disease detection.The goal was to develop a CNN-based method that identifies the health of cotton plants through user-uploaded images. The CNN architecture achieved an accuracy of 98.765%, demonstrating its ability to detect diseases early. This approach offers a valuable tool for farmers to address crop diseases promptly, potentially improving cotton yield and minimizing losses.
I. INTRODUCTION
Agriculture plays a pivotal role in India’s economy, contributing around 17% to the national GDP and providing livelihoods for over 60% of the population. Within this sector, cotton is a key crop, forming the backbone of India's textile industry and supporting millions of farmers. Ensuring the health of cotton crops is essential not only for individual farmers but also for the stability of the broader economy. However, cotton crops are highly susceptible to various diseases, particularly those affecting the leaves, which can significantly reduce yield and quality. Detecting these diseases early is crucial for maintaining crop productivity, as timely intervention can prevent the spread of pathogens and minimize losses. Traditionally, farmers rely on manual inspections by agricultural experts to identify and diagnose diseases, a process that is both labor-intensive and costly. This method becomes particularly inefficient on large-scale farms, where covering vast areas of crops is a monumental task. Moreover, manual inspection is prone to errors due to human fatigue or lack of specialized knowledge about certain diseases, potentially leading to misdiagnoses and delayed treatments. With the advent of deep learning technologies, especially Convolutional Neural Networks (CNNs), there has been a paradigm shift in how disease detection is approached. CNNs have the ability to analyze complex patterns in images, making them ideal for recognizing diseases based on visual symptoms that manifest on plant leaves. This paper proposes a CNN-based approach for detecting diseases in cotton plants through the analysis of leaf images. By leveraging a deep learning framework, we aim to automate the disease detection process, offering a more efficient and scalable solution compared to traditional methods. The system can be trained on a dataset of diseased and healthy cotton leaf images, allowing the CNN to learn distinguishing features that separate one disease from another, or identify a healthy plant. In this study, we first explore the limitations of traditional disease detection methods, highlighting issues such as the dependency on human labor, costs, and time constraints. We then discuss the advantages of CNNs, including their ability to process large amounts of image data, learn complex patterns, and achieve high accuracy in identifying diseases. Lastly, we outline the steps involved in building an effective disease detection system, from data collection and pre-processing to model training and validation. By using real-world cotton leaf images and achieving high accuracy rates, this study aims to demonstrate the feasibility and effectiveness of CNN-based models for early disease detection in cotton crops.
II. RELATED WORK
Adhao Asmita Sarangdharet et al. [5] developed an Android application using a Support Vector Machine (SVM) regression system to identify and classify five common cotton leaf diseases: Bacterial Blight, Alternaria, Gray Mildew, Cercospora, and Fusarium Wilt. The app also predicts plant diseases and suggests appropriate fertilizers for farmers. Additional features include monitoring parameters like humidity, moisture, temperature, and water levels in tanks, as well as allowing remote control of motor and sprinkler systems [2019].
A. Shah, P. Gupta, and Y.M. Ajgar et al. [7] proposed a fully automated solution for detecting nutrient deficiencies in plants using an image dataset that captures RGB color patterns from plant leaves. The system focuses on analyzing both healthy and deficient plants for image-based nutrient deficiency detection [2020].
J. Shirahatti, P. Patil, and P. Akulwar et al. [10] evaluated various machine learning techniques for image data processing. They compared these methods to determine which offered the highest accuracy in disease classification, using a specific image dataset as the foundation for analysis [2019].K.P. Ferentinos et al. [6] employed a Python-based deep learning model using Convolutional Neural Networks (CNNs) for disease detection. This approach offers an effective solution for plant disease identification, though the model's implementation requires ongoing maintenance and server costs [2018].
M. W. Tahir, N. A. Zaidi, A. A. Rao, R. Blank, M. J. Vellekoop, and W. Lang et al. [1] developed a CNN-based approach for detecting fungal infections, using a dataset of 40,800 labeled images. The model achieved an accuracy of 94.8% in detecting fungal spores at early stages, showcasing the precision of CNNs in disease classification [2018].S. Chouhan, A. Kaul, U. Singh, and S. Jain et al. [3] introduced a Bacterial Foraging Optimization-based Radial Basis Function Neural Network (BRBFNN) to automatically identify and classify plant diseases. By grouping seed points with similar attributes, they improved the efficiency and accuracy of the network, applying it to diseases like cedar apples and common rust [2018].
Shima Ramesh Maniyath, Vinod P. V., and Pooja R. [9] presented "Cotton Disease Detection Using Machine Learning" at the 2018 International Conference on Design Innovations for 3Cs: Compute, Communicate, and Control (ICDI3C), focusing on machine learning techniques for identifying cotton plant diseases [2018].S. Kaur, S. Pandey, and S. Goel et al. [4] developed a semi-automatic system using k-means clustering and SVM classifiers to differentiate between healthy and diseased cotton leaves. Their model categorized diseases into three types—downy mildew, frog-eye leaf spot, and blight—using color and texture features. Trained on the Plant Village dataset, the model achieved a maximum average classification accuracy of 90% [2018].
S. V. Militante, B. D. Gerardo, and N. V. Dionisio [8] presented a deep learning approach for cotton leaf detection and disease recognition at the IEEE Eurasia Conference on IOT, Communication, and Engineering (ECICE) in Taiwan, demonstrating the efficacy of CNNs for disease recognition [2019].Vijay S. Bhong and B. W. Pawar et al. [2] used MATLAB to detect cotton leaf diseases. Their approach differentiated color variations in leaf images and employed K-means clustering for segmentation. A neural network-based system was then used for final recognition, achieving an accuracy of 89.56% [2017].
III. PROPOSED WORK
In the fields of machine learning and deep learning, the training process is fundamentally dependent on training data, which comprises input examples paired with their corresponding target outputs (labels). This dataset serves as the backbone for training models, enabling them to recognize patterns and make accurate predictions. As illustrated in Figure 3.1, the architecture of the proposed system is built around neural networks. These networks are organized into several layers, including the Input Layer, MaxPool Layer, and Dense Layer. The Input Layer accepts raw data, while MaxPool Layers reduce the dimensionality of feature maps, and Dense Layers carry out essential matrix operations necessary for making predictions. During the model development phase, tools like ImageDataGenerator are employed to preprocess and augment image data, which significantly improves model performance. The compilation step involves configuring the models with optimizers, loss functions, and performance metrics, preparing them for training on the specific dataset.After training, testing data is utilized to assess the model’s effectiveness on unseen examples, yielding outputs that facilitate accurate predictions or classifications.
IV. ALGORITHM USED
The cotton plant disease detection model employs a series of convolutional neural network (CNN) layers to process input images effectively. Initially, an augmented image of a cotton plant is fed into the Input Layer. The model then uses two Convolutional Layers where the input image undergoes convolutional operations with learnable filters (kernels), enabling the extraction of essential features. The output from these layers is passed through the Rectified Linear Unit (ReLU) activation function, which introduces non-linearity by outputting the maximum of zero and the input value, effectively allowing the model to learn complex patterns.
Following the convolutional layers, MaxPooling layers are utilized to downsample the feature maps, retaining the most important information while reducing spatial dimensions. This pooling process helps the model focus on critical features and enhances the abstraction of data. After pooling, one or more Dense (Fully Connected) Layers follow, where the flattened output is processed to learn global patterns and relationships in the feature representations.
The final output layer applies either a sigmoid activation function for binary classification or a SoftMax activation for multi-class classification, producing probabilities for each class, indicating whether the input image is healthy or diseased. During training, the model's predictions are compared to the true labels, and the loss is calculated using categorical cross-entropy. Backpropagation is then employed to compute gradients and update the model's weights, minimizing the loss function.The trained model is evaluated using a separate validation set to assess its performance on unseen data, with metrics such as accuracy, precision, recall, and F1 score calculated to measure effectiveness. Finally, the trained model is integrated into a deployment environment, such as a web or mobile application, allowing for real-time inference on new input images, thereby facilitating the detection of cotton plant diseases. This comprehensive process highlights how the CNN layers collaboratively learn hierarchical features and make informed predictions based on the data processed. Fine-tuning and experimentation with hyperparameters further enhance the model's performance.
V. DATASET
This study uses a Kaggle dataset focused on cotton plant disease classification, featuring images of leaves affected by various diseases alongside healthy leaves. Each image is labeled, enabling supervised learning.
In the Flask application with TensorFlow/Keras, the dataset is crucial for training the deep learning model (CNNmodel.h5) for disease prediction. Images undergo preprocessing—resizing, normalization, and augmentation—before training, allowing the model to learn disease-specific patterns for accurate classification during inference.
When a user uploads a cotton leaf image, the predict_disease() function utilizes the pre-trained model to make predictions based on the learned patterns. The dataset includes four categories:
Understanding these categories aids in effective disease management, while the model facilitates rapid identification and timely agricultural interventions.
VI. RESULTS & EVALUATIONS
The implementation of Convolutional Neural Networks (CNNs) for cotton plant disease detection has yielded remarkable results, signifying a substantial advancement in agricultural practices. By utilizing a diverse and extensive dataset of real-time images, the CNN model has demonstrated exceptional accuracy and efficiency in identifying even subtle signs of disease in cotton plants.
The precision of the CNN’s diagnoses surpasses traditional manual inspections and visual assessments, setting a new standard for disease detection. Notably, the results extend beyond the laboratory; the CNN-based system features a user-friendly interface that clearly communicates the health status of cotton plants. It also provides actionable solutions and recommendations based on detected conditions, streamlining decision-making and enabling users to implement targeted interventions during disease outbreaks.
The broader impact of these results promotes agricultural sustainability. By employing CNNs for disease detection, the cotton industry can enhance crop resilience, reduce environmental impacts through precision agriculture, and encourage resource-efficient practices. This technological advancement showcases the potential for innovation to bridge gaps and elevate agricultural practices.
In conclusion, the results from CNN-based cotton plant disease detection represent a groundbreaking development with significant implications. This technology promises to transform cotton agriculture, enhance food and income security, and foster environmentally responsible farming practices globally.
In the below figure 6.1 it specifies 4 types of cotton plant diseases, they are Bacterial Blight, Curl Virus, Fussarium wilt and Healthy Plant.
Figure 6.1 Specifying types of diseases
In Figure 6.2, the output for the selected image from the dataset is displayed, providing a brief description of the identified disease along with recommended preventive measures.
Figure 6.2 Fusarium wilt disease identified
The application of Convolutional Neural Networks (CNNs) in cotton plant disease detection represents a significant advancement in agricultural practices. By leveraging CNN technology, the cotton industry can enhance disease management strategies, ultimately boosting crop yields and promoting long-term sustainability. CNNs demonstrate remarkable accuracy in analyzing real-time images, allowing for the early detection of disease symptoms, which enables prompt intervention and targeted treatments to minimize crop losses. Their training on diverse datasets enhances adaptability to various environmental conditions and disease strains, making them a versatile tool for farmers. This technology streamlines the disease detection process, transforming a labor-intensive task into an automated and objective one, thereby increasing diagnostic precision and reducing the risk of misidentification. By providing actionable recommendations based on real-time data, CNNs empower farmers to make informed decisions swiftly, optimizing resource allocation and improving overall farm management practices.
Copyright © 2024 K. Sindhura. 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 : IJRASET64325
Publish Date : 2024-09-24
ISSN : 2321-9653
Publisher Name : IJRASET
DOI Link : Click Here