0% found this document useful (0 votes)
14 views21 pages

Dishanth_individual_report_6thsem

Uploaded by

DivyanshuYadav
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
14 views21 pages

Dishanth_individual_report_6thsem

Uploaded by

DivyanshuYadav
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 21

Mini Project

Report on

Plant Disease Prediction System

Submitted by,

Dishanth Manjunath Hegde

(U03NM21T064016)

VI Semester , B.Tech, ISE

Proctor:

Dr. Lata B.T

Associate Professor

Department of Computer Science and Engineering

University Visvesvaraya College of Engineering

KR Circle Bengaluru

November 2024
UNIVERSITY VISVESVARAYA COLLEGE OF ENGINEERING

KR Circle, Bengaluru – 560001

DEPARTMENT OF COMPUTER SCIENCE AND ENGINEERING

CERTIFICATE

This is to certify that Dishanth Manjunath Hegde (U03NM21T064016), student of 6th


Semester B.Tech (ISE), have successfully completed the Mini Project titled "Plant Disease
Prediction System" as prescribed by UVCE for the academic year 2023-24.

Proctor: Chairperson:

Dr. Lata B T Dr. Triveni J

Associate Professor Professor

Department of CSE Department of CSE

UVCE. UVCE.

………………….. …………………..

Examiner 1 Examiner 2
ACKNOWLEDGEMENT

I consider it a privilege to whole-heartedly express my gratitude and respect to each and every
one who guided and helped us in the successful completion of this Project Report.

I am thankful to Dr. Thriveni J, Professor Chairperson, Department of Computer Science


and Engineering, for her co-operation and encouragement at all moments of our approach.

I would greatly mention the enthusiastic influence provided by Dr. Lata B T, Associate
Professor, Department of Computer Science and Engineering as our Project Guide, for the
ideas and co-operation showed on us during our venture and making this Project a great
success.

I would also like to thank my parents and well-wishers as well as my dear classmates for their
guidance and their kind co-operation.

Finally, it is our pleasure and happiness to the friendly co-operation showed by all the staff
members of Department of Computer Science and Engineering, UVCE, Bengaluru.

Dishanth Manjunath Hegde


ABSTRACT

This project presents a Plant Disease Prediction System aimed at early detection and
management of plant diseases. Using the New Plant Diseases Dataset, the system identifies
diseases from uploaded images of plant leaves, providing users with a diagnosis, disease
symptoms, and management advice. Developed in an Anaconda environment, the system
leverages TensorFlow for model training, utilizing Python libraries like matplotlib, pandas, and
seaborn for data visualization and preprocessing. The model is managed using TensorFlow
Keras tools, including load_model for deploying pre-trained models and CSVLogger for
tracking metrics. This solution offers efficient, real-time disease diagnosis to aid farmers in
enhancing crop health and productivity.
INDEX

CONTENTS PAGE

1. Introduction…………………………………………………………01

2. Literature Review…………………………………………………..02

3. Proposed Methodology……………………………………………..06

4. Results and Screenshots……………………………………………09

5. Limitations and Future Enhancements…………...……………....13

6. Conclusion………………………………………………………......15

7. Bibliography………………………………………………………..16
INTRODUCTION

Plant diseases pose a significant challenge to agriculture, impacting crop yield and quality
and leading to substantial economic losses worldwide. Early and accurate detection of plant
diseases can significantly aid in mitigating these impacts, providing farmers and agricultural
experts with actionable insights to address issues promptly. Traditionally, identifying plant
diseases has relied heavily on expert inspection, which can be time-consuming and costly.
With the advancement of machine learning and deep learning technologies, it is now possible
to automate this process, providing accessible and accurate disease detection through image
analysis.

This project presents a Plant Disease Prediction System, which leverages a convolutional
neural network (CNN) model trained on the New Plant Diseases Dataset to classify plant
diseases based on leaf images. The project is designed within the Anaconda environment using
TensorFlow as the core framework, complemented by visualization libraries such as
matplotlib, pandas, and seaborn to facilitate data analysis and preprocessing. A range of
preprocessing techniques is applied to prepare training and validation images, ensuring
optimal model accuracy and robustness.

To further refine model performance, strategies such as reducing learning rates and
adjusting convolutional layers are implemented to prevent issues like overshooting and
underfitting. The ultimate goal of this system is to offer a reliable tool for real-time plant
disease identification, contributing to better disease management and supporting the
agricultural sector in maintaining crop health and productivity.

1
LITERATURE REVIEW

Overview of Plant Diseases and Economic Impact

• Plant diseases have a profound impact on agriculture, affecting both yield quantity and
quality. It has been estimated that crop diseases cause significant annual losses,
impacting food security and resulting in economic losses globally. Traditional methods
of detecting plant diseases require expert inspection and analysis, which are time-
consuming, expensive, and not scalable. This limitation has motivated research into
automated disease identification systems.

Advances in Image Processing for Agricultural Applications

• Image processing techniques are widely used in agriculture for tasks such as crop
monitoring, yield estimation, and disease detection. Techniques like image
segmentation, color analysis, and morphological feature extraction play a crucial role
in preprocessing leaf images to enhance disease detection accuracy. Studies have
demonstrated the effectiveness of these techniques in isolating disease characteristics
by segmenting leaf regions based on color, shape, and texture, aiding the identification
of disease symptoms.

Machine Learning in Plant Disease Identification

• Machine learning has shown significant potential in plant disease identification.


Traditional machine learning models, such as Support Vector Machines (SVMs),
Decision Trees, and k-Nearest Neighbors (k-NN), have been used to classify plant
diseases based on extracted image features. However, these methods rely heavily on
handcrafted features, which can limit the model's ability to generalize to new, unseen
diseases. Early research demonstrated that these models could achieve acceptable
accuracy levels when combined with robust feature selection methods.

Convolutional Neural Networks (CNNs) in Image-Based Disease Detection

• CNNs have revolutionized the field of computer vision, especially for image-based
classification tasks. Their ability to learn hierarchical features from raw images makes

2
them ideal for complex visual recognition tasks, including plant disease detection.
CNN-based architectures like AlexNet, VGGNet, and ResNet have been effectively
used to identify diseases in various crops. Studies report that CNNs achieve higher
accuracy and robustness compared to traditional machine learning models, as they can
learn complex, high-dimensional representations of diseases from image data.

Use of Transfer Learning in Agricultural Disease Classification

• Transfer learning, which involves using pre-trained models on large datasets, has
proven beneficial in plant disease detection. Given the limited availability of labeled
plant disease images, transfer learning helps overcome data scarcity issues by
leveraging features learned from large image datasets. Pre-trained models like ResNet
and Inception have been fine-tuned for specific plant disease datasets, yielding high
accuracy. Studies have shown that transfer learning-based approaches can outperform
models trained from scratch, reducing both training time and computational resources.

Deep Learning Architectures for Disease Detection and Classification

• More recent approaches have employed advanced deep learning architectures,


including DenseNet, MobileNet, and EfficientNet, which optimize computational
efficiency while maintaining high accuracy. These architectures allow disease
classification models to be deployed on mobile and edge devices, making real-time
disease detection accessible to farmers in remote regions. Research indicates that these
lightweight models, when combined with transfer learning, can achieve near real-time
processing speeds with minimal accuracy trade-offs.

Dataset Selection and Challenges in Plant Disease Detection

• The New Plant Diseases Dataset, used in this project, is a well-known dataset that
includes a wide range of plant disease classes, providing a diverse dataset for training
robust classification models. However, plant disease datasets often face challenges such
as class imbalance, where certain diseases are overrepresented, and variations in
lighting, angle, and background noise, which can impact model accuracy. Researchers
have implemented data augmentation techniques, such as rotation, scaling, and color
jittering, to overcome these challenges and improve model generalization.

3
Data Preprocessing Techniques in Disease Detection

• Data preprocessing is crucial in enhancing the quality of input data for machine learning
models. Techniques like image resizing, normalization, and noise reduction are
commonly applied to improve feature extraction. For plant disease datasets, image
processing techniques like color normalization and histogram equalization help to
reduce the variability in images caused by external factors, thus aiding the model’s
ability to focus on disease-related features. Studies indicate that effective preprocessing
techniques can significantly improve the accuracy and robustness of plant disease
prediction models.

Model Training Techniques and Challenges in Plant Disease Prediction

• Training deep learning models for disease detection requires addressing challenges like
overfitting and underfitting. Research has explored various techniques, such as dropout,
learning rate scheduling, and model regularization, to improve model performance. The
choice of optimizer, such as Adam or SGD, also plays a crucial role in convergence and
model accuracy. Studies have demonstrated that using a small learning rate and
gradually increasing model complexity by adding layers can prevent overshooting and
enhance the model's learning capability.

Evaluation Metrics for Plant Disease Classification Models

• Accurate evaluation of plant disease detection models is essential to ensure their


reliability in practical applications. Common metrics include accuracy, precision,
recall, F1-score, and confusion matrices. Studies emphasize the importance of precision
and recall, especially for disease detection, where false negatives (missed disease cases)
can have severe consequences for crop health. Recent literature also explores the use of
additional metrics like the area under the ROC curve (AUC-ROC) to evaluate the
model’s classification performance comprehensively.

Applications and Benefits of Automated Disease Detection in Agriculture

• Automated plant disease detection systems can transform agriculture by enabling early
disease intervention, reducing the need for expert diagnosis, and lowering overall
management costs. These systems support sustainable farming practices by helping

4
farmers optimize pesticide use, thereby minimizing environmental impact. Studies
show that disease prediction systems can contribute to improved crop yield, higher
quality produce, and a more resilient agricultural sector overall.

Future Directions in Plant Disease Prediction Research

• Future research in plant disease detection focuses on improving model robustness to


environmental variations and enhancing disease-specific feature extraction. Emerging
techniques, such as generative adversarial networks (GANs) for data augmentation and
self-supervised learning, hold promise for addressing data scarcity and improving
model generalization. Additionally, integrating disease detection systems with IoT-
enabled sensors and mobile applications could provide real-time disease monitoring
and diagnosis capabilities, further supporting precision agriculture.

5
Proposed Methodology

The proposed Plant Disease Prediction System is designed to automate the identification of
plant diseases based on leaf images, enabling real-time diagnosis and providing users with
information on disease symptoms and management practices. The system leverages a
convolutional neural network (CNN) model trained on the New Plant Diseases Dataset. The
methodology is divided into several key components to ensure high accuracy, ease of use, and
scalability. Below are the proposed steps and features of the system:

1. Data Collection and Preprocessing

o The system uses the New Plant Diseases Dataset, which includes a
comprehensive set of images covering various plant species and associated
diseases. To enhance model performance, the dataset undergoes extensive
preprocessing:

▪ Image Resizing: Images are resized to a uniform dimension to ensure


consistent input size for the CNN model.

▪ Normalization: Pixel values are normalized to bring all data to a similar


range, which helps speed up model convergence.

▪ Data Augmentation: Techniques like rotation, flipping, scaling, and


color jittering are applied to increase the dataset's diversity, improving
the model's robustness and preventing overfitting.

2. Model Architecture

o A CNN architecture is chosen for its efficiency in image classification tasks.


The proposed model architecture involves multiple convolutional layers,
pooling layers, and fully connected layers, enabling the model to learn complex
disease-related features from the images.

o Transfer Learning may also be incorporated by using a pre-trained model, such


as ResNet or Inception, to leverage pre-existing image features and improve
accuracy with less training data.

6
o Regularization techniques, such as dropout layers, are added to prevent
overfitting and enhance model generalization.

3. Training Strategy

o The model is trained on the preprocessed dataset using a suitable optimizer,


such as Adam, with a carefully tuned learning rate to balance convergence speed
and accuracy.

o Epochs and Batch Size: Optimal values for epochs and batch size are
determined through experimentation to achieve high accuracy without
compromising training time.

o Model Evaluation and Tuning: During training, evaluation metrics like


accuracy, precision, and recall are monitored. The use of CSVLogger tracks
each epoch's performance, aiding in analyzing and fine-tuning the model’s
hyperparameters for better results.

4. Image Upload and Prediction Interface

o A user-friendly interface allows users to upload leaf images. Once an image is


uploaded, it is preprocessed and passed through the trained CNN model, which
classifies the image and outputs the detected disease.

o Real-Time Prediction: The system is optimized to provide real-time predictions,


ensuring immediate feedback for the user.

5. Disease Information Display

o Once a disease is identified, the system displays relevant information, including


the disease’s symptoms, causes, and recommended management practices. This
feature aims to educate users and aid in the timely treatment of affected plants.

6. Model Deployment and Scalability

o The trained model is deployed in an Anaconda environment, ensuring


compatibility and easy integration with various platforms. The proposed system
is designed to be scalable, making it adaptable for large datasets and suitable for
deployment on cloud platforms, enabling widespread access and real-time
disease monitoring.

7
Objectives of the Proposed System:

• To automate the detection of plant diseases from leaf images, providing an efficient and
accurate solution for farmers and agricultural experts.

• To offer a user-friendly interface that delivers real-time feedback and detailed


information on identified diseases, supporting informed decision-making in crop
management.

• To enhance model accuracy and robustness through comprehensive preprocessing,


transfer learning, and hyperparameter tuning, resulting in a reliable tool for various
agricultural applications.

The proposed Plant Disease Prediction System aims to improve agricultural productivity and
disease management by providing a fast, accurate, and accessible solution for diagnosing plant
diseases. This system has the potential to be expanded and adapted to include additional plant
species and diseases, making it a valuable tool for the agricultural sector.

8
Results and Screenshots

1.Home Page

2.Disease Recognition Page

9
3.Model Training and Accuracy Result

10
4.Model Architecture Summary

11
5.Confusion Matrix

12
Future Enhancements

While the Plant Disease Prediction System has proven effective, several future enhancements
could further improve its functionality and adaptability:

1. Expansion of Dataset

o Adding more plant species and diseases to the dataset would make the system
applicable to a wider range of crops. Collaboration with agricultural research
institutes to build a more extensive dataset could increase the model’s
generalizability and relevance.

2. Integration with Mobile and IoT Platforms

o Developing a mobile application or IoT-enabled system would allow real-time


disease detection in the field, offering greater convenience and immediacy. By
incorporating sensors and mobile connectivity, farmers could receive instant
feedback and disease predictions without needing specialized hardware.

3. Hybrid and Ensemble Models

o Implementing hybrid or ensemble learning models could increase prediction


accuracy by combining the strengths of multiple algorithms. Ensemble
methods, such as stacking and boosting, might offer enhanced robustness,
particularly when dealing with complex or overlapping disease symptoms.

4. Support for Multilingual and Regional Customization

o Incorporating multilingual support and region-specific disease information


would increase accessibility for farmers in diverse regions. This feature could
include local language support and regional data to better serve global
agricultural needs.

5. Continuous Learning and Model Updating

o Enabling the model to continuously learn from new data and refine its
predictions would ensure its relevance over time. Adding a feedback loop where

13
users can report incorrect predictions would allow the model to improve and
adapt based on real-world usage.

6. Weather and Soil Condition Integration

o Integrating weather and soil data could provide a more comprehensive disease
risk analysis. By correlating environmental conditions with disease likelihood,
the system could offer preventive insights, warning farmers of potential risks
even before visible symptoms appear.

7. Precision Agriculture and Data-Driven Recommendations

o Future versions of this system could suggest data-driven recommendations,


such as specific pesticides or treatment measures based on the detected disease.
Such recommendations would further enhance the system’s value, supporting
precision agriculture practices and sustainable farming.

These enhancements would transform the Plant Disease Prediction System from a diagnostic
tool into a comprehensive platform for crop health management, offering even more value to
the agricultural community.

14
Conclusion

In summary, the Plant Disease Prediction System presented in this report represents a
significant advancement in the automation of agricultural disease diagnosis. By leveraging a
convolutional neural network (CNN) model trained on the New Plant Diseases Dataset, this
system effectively detects diseases from leaf images, providing immediate diagnostic feedback
and supplementary information on disease symptoms and management strategies. Through a
comprehensive methodology that includes data preprocessing, model training, and evaluation,
the system achieves a high degree of accuracy, ensuring that it meets the needs of agricultural
experts and farmers alike.

This solution not only reduces the time and cost associated with traditional plant disease
diagnosis but also addresses a critical need in the agricultural sector for accessible, scalable
tools that can support crop health management. By offering real-time feedback and disease
information, the system empowers users to take informed, timely actions to mitigate the impact
of diseases on crop yield and quality. This project demonstrates the effectiveness of machine
learning in addressing real-world agricultural challenges, showing promise for broader
applications in precision agriculture.

The Plant Disease Prediction System underscores the importance of integrating technology
with agriculture, paving the way for future innovations that can further optimize and enhance
agricultural productivity. This project serves as a foundation for future developments in
automated disease detection and the continued integration of machine learning with sustainable
farming practices.

15
Bibliography

1. Goodfellow, I., Bengio, Y., & Courville, A. (2016). Deep Learning. MIT Press.

o This book offers an in-depth exploration of deep learning concepts and


architectures, with a focus on convolutional neural networks (CNNs), which
are crucial to image-based plant disease detection.

2. Russell, S. J., & Norvig, P. (2010). Artificial Intelligence: A Modern Approach (3rd
ed.). Prentice Hall.

o A foundational text in AI, this book covers essential machine learning


techniques relevant to image classification and predictive modeling in
agriculture.

3. Mohanty, S. P., Hughes, D. P., & Salathé, M. (2016). "Using deep learning for image-
based plant disease detection." Frontiers in Plant Science, 7, 1419.

o This paper discusses the application of deep learning in plant disease


detection, demonstrating how CNNs can classify plant diseases with high
accuracy.

4. "New Plant Diseases Dataset." Kaggle,


https://www.kaggle.com/datasets/vipoooool/new-plant-diseases-dataset.

o This Kaggle dataset provides a diverse collection of plant leaf images with
disease labels, essential for training and evaluating the deep learning model.

16

You might also like