Internship Report Final
Internship Report Final
DEPARTMENT OF
COMPUTER SCIENCE & ENGINEERING
GITAM (Deemed to be University)
VISAKHAPATNAM
2024
DEPARTMENT OF COMPUTER SCIENCE AND
ENGINEERING
GITAM SCHOOL OF TECHNOLOGY GITAM (Deemed to be
University)
DECLARATION
I hereby declare that the internship report entitled “Multi-Vision Deep
Learning Model to Classify Various Wheat Plant Leaf Diseases” is
an original work done in the Department of Computer Science and
Engineering, GITAM School of Technology, GITAM (Deemed to be
University) submitted in partial fulfillment of the requirements for the
award of the degree of B.Tech. in Computer Science and Engineering.
The work has not been submitted to any other college or University for
the award of any degree or diploma.
Date:05-11-2024
Registration No Name signature
I
CERTIFICATE
II
Acknowledgement
My sincere gratitude goes to Dr. Raja Reddy, who generously offered me the opportunity to pursue
a research internship under his guidance on developing a Multi-Vision Deep Learning Model for
the classification of various wheat plant leaf diseases. His mentorship has been invaluable in
broadening my understanding of both agricultural disease classification and advanced model
implementation. Dr. Reddy’s insights into the practical aspects of deep learning and its
applications in agriculture have deeply influenced my research approach and inspired me to delve
further into this field. His patience and expertise allowed me to overcome challenges with
confidence, and he constantly motivated me to refine my analytical skills and technical knowledge.
I would also like to express my heartfelt gratitude to my college and professors, whose continuous
support and encouragement have been a cornerstone of my academic journey. Their dedication to
nurturing my learning and skill development has been instrumental in preparing me for this stage,
where I can now engage in practical, real-world applications of my studies. It is through their
guidance and the skills I acquired in college that I have been able to reach this point, equipped
with the knowledge and perspectives necessary to contribute meaningfully to my field.
Thank you to everyone who has played a role in my journey so far. This experience has enriched
my understanding and has provided me with valuable skills that I look forward to applying in the
future.
III
Table of Contents
1. Introduction………………………………………………………… 1
2. Problem Statement………………………………………………….. 5
3. Objective…………………………………………………………….. 6
4. Methodology………………………………………………………… 7
4.3 Technologies……………………………………………………… 10
5. Code…………………………………………………………………. 15
6. Results………………………………………………………………. 20
7. Conclusion…………………………………………………………... 23
IV
Table of Figures
5.1 EfficientNet b0 15
5.2 EfficientNet v2 b0 16
5.3 SqueezzNet 17
5.4 DenseNet121 18
5.5 ResNet18 19
V
ABSTRACT
This report presents the results and methodology of my research on classifying various wheat plant
leaf diseases using a Multi-Vision Deep Learning Model, incorporating Quantization-Aware
Training (QAT) to enhance both accuracy and efficiency. The primary objective was to assess the
capability of QAT in preserving model accuracy while significantly reducing computational and
memory requirements, thereby enabling deployment on resource-constrained devices, such as
mobile or embedded systems used in agricultural settings. The study involved a comprehensive
analysis of several convolutional neural networks (CNNs), including EfficientNetLite and
ResNet18, which were specifically adapted and fine-tuned to identify common wheat diseases
such as leaf rust, powdery mildew, and stripe rust with high accuracy.
The research largely focused on thorough data preprocessing, careful model architecture selection,
and extensive hyperparameter tuning to maximize classification performance under quantization
constraints. Evaluation metrics included precision, recall, F1-score, confusion matrix, and Mean
Average Precision (MAP), with additional considerations for model size and inference speed to
ensure deployment viability. Findings demonstrated that while the full-precision models achieved
robust baseline accuracy, QAT-enabled models achieved comparable performance with significant
reductions in memory usage and faster inference times.
This study underscores the practical advantages of incorporating QAT in plant disease
classification tasks, revealing that it effectively balances accuracy with efficiency, which is
essential for real-time, on-device processing in agriculture. The insights gained highlight the
transformative potential of QAT-enhanced models, making deep learning solutions more
accessible, scalable, and operationally feasible for advancing precision agriculture.
VI
1. Introduction
Today, with the increasing demand for precision agriculture, plant disease classification has
become a vital component in managing crop health and enhancing agricultural productivity. As
agricultural data grows in complexity, particularly with high-resolution images of affected plant
areas, the intricate patterns of disease symptoms are often challenging to capture effectively.
This creates a clear need for advanced deep learning methods capable of high accuracy in
classifying multiple disease types across large datasets. The Multi-Vision Deep Learning Model
meets this demand by leveraging Quantization-Aware Training (QAT), which combines
powerful CNN architectures with model efficiency, specifically suited for resource-limited
devices. This Python-based approach integrates modern quantized deep learning models, making
them more accessible for real-time, on-field disease identification.
Multi-Vision Deep Learning Model: This project includes the development and
application of a deep learning model to classify multiple wheat plant leaf diseases,
such as leaf rust, powdery mildew, and stripe rust. The model leverages convolutional
neural networks (CNNs) like EfficientNetLite and ResNet18, providing a robust
foundation for accurate disease classification across diverse visual patterns in plant
leaves.
1
Evaluation and Performance Metrics: The model’s effectiveness is evaluated
through precision, recall, F1-score, and confusion matrix, along with additional
metrics like inference speed and memory usage. These evaluations help ensure that
the model performs optimally for accurate and efficient disease detection in
agricultural settings.
2
In Agritech Solutions: Accurate disease classification allows technology providers to
develop smart farming tools that support automated disease monitoring, reducing
dependency on manual inspections.
In Food Security: Preventing disease outbreaks in crops helps stabilize food supply
chains, ensuring sufficient yield to meet global food demands and improve overall
agricultural sustainability.
This report discusses the design, features, and applications of QAT in disease
classification, showcasing how it enables models to deliver robust performance in real-
world agricultural environments. QAT’s role in balancing accuracy with efficiency
addresses the challenges of deploying advanced deep learning solutions in agriculture,
where quick, reliable insights are crucial for proactive disease management and improved
crop outcomes. This underscores the importance of QAT in supporting accessible and
effective AI-driven solutions, crucial for the future of sustainable agriculture.
3
1.5 Future Scope
The future potential for plant disease classification using deep learning, especially with
Quantization-Aware Training (QAT), offers vast opportunities for enhancement and
innovation. Possible directions for future work include:
Hybrid Models : Future research could focus on hybrid models that integrate
CNNs with Vision Transformers or other architectures to capture complex visual
patterns and dependencies in plant diseases. Such combinations may lead to better
classification performance on intricate datasets.
4
2. Problem Statement
In the field of agriculture, particularly within precision farming, the accurate identification and
classification of plant diseases are essential for safeguarding crop health, yield, and quality.
Traditional disease identification methods, such as visual inspections, are not only labor-
intensive and time-consuming but also prone to human error, making them less feasible for
large-scale or real-time deployment in the field. Early and accurate disease detection is vital to
curbing the spread of infections and optimizing crop management, yet the complexity of visual
symptoms and variations across plant species present challenges that require advanced solutions.
Recent advancements in deep learning have shown significant potential in automating disease
classification; however, these models often demand substantial computational power and
struggle with deployment on resource-constrained devices such as smartphones and IoT devices.
This project addresses these challenges by exploring a Multi-Vision Deep Learning Model
integrated with Quantization-Aware Training (QAT) for the classification of wheat plant leaf
diseases. The QAT approach enables efficient model performance on low-resource devices by
optimizing models to maintain accuracy despite lower computational demands, making them
highly applicable for real-time use directly in the field.
By combining a multi-vision model with QAT, the project aims to maximize both accuracy and
efficiency, allowing for on-device disease classification suitable for farmers in remote or large-
scale agricultural settings. This involves rigorous experimentation across model architectures and
hyperparameters to strike an optimal balance between predictive accuracy and computational
efficiency, creating a scalable solution that is accessible and effective.
This project’s broader objective is to enhance the utility of deep learning in agriculture by
enabling faster, more reliable, and more resource-efficient disease detection, potentially
transforming how farmers manage plant health. With the goal of creating a deployable, high-
performance model, this project seeks to address the scalability and accessibility gaps in current
AI-powered agricultural tools. The findings and methodologies developed will contribute to
building sustainable, data-driven farming practices, offering farmers the technology needed to
detect diseases proactively and ensure healthier crops in a resource-effective manner.
5
3. Objective
The goal of this internship was to develop and implement a Multi-Vision Deep Learning Model
to classify wheat plant leaf diseases with Quantization-Aware Training (QAT), combining
accurate disease detection with efficient model deployment on resource-constrained devices.
This project involved achieving the following objectives:
Model Development and Implementation: Designing and implementing a deep learning model
tailored for leaf disease classification, incorporating Quantization-Aware Training (QAT) to
achieve a balance between accuracy and computational efficiency suitable for deployment on
low-resource devices.
Data Preprocessing and Feature Engineering: Handling essential data preprocessing and feature
engineering tasks, including preparing and augmenting image datasets, to create optimal input
for the multi-vision model and improve classification accuracy.
6
4. Methodology
The development process of the Multi-Vision Deep Learning Model for Wheat Plant Leaf
Disease Classification with Quantization-Aware Training (QAT) was meticulously structured,
beginning with requirement analysis and progressing through design, model development, and
testing. This systematic approach ensured that the final model was robust, accurate, and capable
of efficiently identifying various disease patterns in wheat leaves while being optimized for
deployment on resource-constrained devices. Each stage contributed to a reliable classification
system suitable for real-world agricultural applications.
Core Functionalities: The project's goal was to develop a model that could
accurately classify various wheat plant leaf diseases while being efficient for
real-world agricultural applications. Specific functionalities included:
7
R&D and Model Selection: Various models were researched and
evaluated for their ability to classify leaf disease patterns. Selected models
include:
Tool and Library Selection: Key tools and libraries were selected to meet
the project’s needs:
8
4.2 System Design
The system design stage ensured that the wheat leaf disease classification tool was
structured, capable of handling image data effectively, and optimized for accurate
disease detection. The architecture was divided into several modules, each responsible
for different aspects of the classification and quantization process.
Data Processing Module: This module focused on preparing raw images for
model training and inference, including the following steps:
9
Quantization-Aware Training (QAT) Module: Implemented quantization
techniques to ensure efficient model deployment without significant loss of
accuracy.
4.3 Technologies
The project's success relied on selecting the most suitable tools and technologies to
address the challenges of wheat plant leaf disease classification efficiently. Each tool
and library was chosen for its specific strengths and its ability to integrate seamlessly
into the overall development process:
10
TensorFlow and Keras were chosen for building and training the deep
learning models, including EfficientNet and MobileNet architectures.
TensorFlow’s robust framework and Keras’s user-friendly API facilitated
rapid model prototyping and experimentation, enabling the implementation of
advanced neural network architectures with ease.
TensorFlow Lite was utilized for converting the trained models into a format
suitable for deployment on mobile and edge devices. This was essential for
ensuring that the quantized models could run efficiently in real-time
agricultural environments without significant loss of accuracy.
OpenCV and Pillow were employed for image preprocessing tasks. OpenCV
provided powerful tools for image manipulation, such as resizing,
normalization, and augmentation, while Pillow was used for handling image
formats and performing additional preprocessing steps to prepare the data for
model training.
Scikit-learn was selected for its comprehensive suite of tools for data
preprocessing, including feature scaling, augmentation, and splitting datasets
into training and testing sets. Additionally, Scikit-learn was used for
implementing classical machine learning baselines, such as Random Forest
and Logistic Regression, to benchmark the performance of the deep learning
models.
11
Matplotlib and Seaborn were used for creating detailed visualizations of the
model’s performance metrics, such as accuracy, precision, recall, and
confusion matrices. These visualizations were crucial for interpreting the
results and understanding the strengths and weaknesses of the classification
models.
Each model in this project was carefully crafted and individually tested to ensure it
could effectively classify wheat plant leaf diseases. The final system integrates these
models to handle various disease types, making it versatile and adaptable for
agricultural use.
12
structure, was optimized for speed without sacrificing much accuracy,
crucial for field-level, on-device analysis.
The testing and evaluation procedures were designed to ensure the reliability and
accuracy of the wheat plant leaf disease classification models across diverse datasets.
Each model's performance was assessed individually, and comparisons were made
across models using ensemble techniques to enhance predictive power.
Accuracy Evaluation: The accuracy of each model was assessed using key
image classification metrics, including overall accuracy, precision, recall, and
F1-score. These metrics offered a comprehensive view of how effectively each
model distinguished between healthy and diseased wheat plant leaves. High
accuracy and precision scores indicated strong performance in correctly
identifying the disease categories, while recall and F1-score highlighted the
models' consistency in capturing all disease cases. This rigorous evaluation
ensured that the models met the critical requirements for accurate and reliable
disease classification, essential for effective disease management in agricultural
settings.
13
classification tasks. For each model, parameters like learning rates, batch sizes,
dropout rates, and network depth were fine-tuned to maximize classification
accuracy. This tuning process enhanced the efficiency of the models,
minimized classification errors, and improved the reliability of disease
identification across various wheat plant leaf categories.
14
5. Code
15
Figure 5.2 efficientnet v2b0
16
Figure 5.3 squezznet
17
figure 5.4 DenseNet121
18
figure 5.5 Resnet18
19
5. Results
20
Figure 6.3 Performance of Squezznet
21
Figure 6.5 Performance of ResNet18
22
6. CONCLUSION
The project on “Wheat Plant Leaf Disease Classification Using Quantization-Aware Training
Models” demonstrates the significant potential of combining traditional classification techniques
with modern quantization-aware approaches to achieve highly accurate and efficient disease
identification in agricultural settings. By leveraging both classical statistical techniques and state-
of-the-art machine learning models, this project addressed the challenges of effective disease
classification on wheat leaf datasets with a particular emphasis on maintaining model efficiency
and interpretability.
Throughout this project, we applied a variety of models, from traditional image processing and
basic machine learning algorithms to advanced deep learning models like ResNet, MnasNet, and
EfficientNetLite. The classical models provided a foundational baseline, achieving reasonable
accuracy while remaining computationally inexpensive. However, due to the complexities and
non-linear patterns associated with visual disease symptoms, classical models alone were
insufficient for accurately distinguishing between disease types in high-resolution imagery. This
limitation led to the exploration and integration of deeper neural architectures, which enabled the
detection of subtle and complex patterns within the image data.
23
In conclusion, this project highlighted the importance of selecting and combining models based
on the specific requirements of agricultural disease classification, where efficiency, accuracy,
and interpretability are key factors. The project demonstrated that advanced deep learning
models, when optimized through quantization-aware training, can bridge the gap between
accuracy and deployability, offering robust solutions for large-scale disease monitoring and
management in the agriculture domain.
Future work may involve fine-tuning these models for specific types of wheat disease across
different geographic regions, considering the variations in climate and environmental factors that
may affect disease manifestations. Additionally, exploring ensemble approaches that combine
the strengths of classical and modern models could further enhance predictive power, especially
when working with multimodal datasets. Integrating multi-spectral image data or even
leveraging satellite imagery for early detection could extend the applicability of the model to
broader agricultural monitoring systems.
Interpretability will continue to play a crucial role in the refinement of these models. Developing
frameworks that emphasize the interpretability of model outputs will ensure that end-users,
particularly farmers and agricultural decision-makers, can trust and act upon the classifications.
Methods like SHAP and LIME could be further adapted for agricultural applications, helping
users understand which visual features are most indicative of specific diseases, potentially
supporting faster and more accurate diagnoses on the field.
Ultimately, this project establishes a foundation for highly efficient and accurate wheat plant leaf
disease classification, supporting sustainable agricultural practices and improved crop
management through advanced machine learning methodologies. As the agricultural industry
increasingly adopts digital tools, quantization-aware models such as these offer a promising
direction for scalable, precise, and user-friendly disease management solutions that can help
drive agricultural innovation forward.
24
25