Thanks to visit codestin.com
Credit goes to www.scribd.com

0% found this document useful (0 votes)
18 views19 pages

Presentation 1

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

Presentation 1

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

Final Review

Minor Project-2 Summer Semester-2024-25


Department of Electronics and Communication Engineering

Title: Automated Detection of Fruit Damage Using Deep Learning

Domain: Signal
Date: Processing
30/10/2024

Project Team Members : Supervisor :

1. Kural Neri Selvan. M (21126) Dr. Nirmal Jothi. J

2. Kirubakar Guptha. N (21145) Associate Professor

3. Mohanasundaram. T (21132) Dept of ECE

Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology 1
Content
• Abstract
• Introduction
• Literature survey
• Proposed Methodology/Algorithm/Model
• Block Diagram
• Design/Implementation & Description
• Model Comparison
• Results and Discussion
• Conclusions
• References
2
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Abstract
 This project leverages a Convolutional Neural Network (CNN) for
binary image classification, aiming to distinguish between healthy
and damaged images. CNNs are ideal for this task, as they
automatically extract features through convolutional layers,
eliminating the need for manual feature engineering. The dataset
is enhanced using data augmentation techniques such as
rotation, flipping, and scaling to improve generalization and
prevent overfitting. The model is trained using the Adam
optimizer and evaluated through accuracy, precision, recall, and
F1-score. Results demonstrate high classification accuracy,
proving the effectiveness of CNNs in automating tasks. Future
work will explore advanced optimization techniques and dataset
expansion.
3
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Introduction
 Automated detection of fruit damage is a crucial aspect of
ensuring the quality and safety of fruits in the supply chain.
 Traditional methods of inspecting fruits for damage are labor-
intensive, time-consuming, and subjective.
 With the advent of machine learning, it is now possible to
automate this process, providing a faster, more reliable, and
consistent way of detecting damaged fruits.
 This automation can significantly reduce post-harvest losses,
improve consumer satisfaction, and optimize the supply chain
process.

4
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Literature survey

Sl No Authors Title Journal Study Inference


Details
with
Year

1 Feng Xiao, Fruit Detection Agrono Review of deep learning methods Deep learning with CNN models
Haibin Wang, and Recognition my for fruit detection in automatic shows potential for enhancing fruit
Yueqin Xu, Based on Deep (2023) harvesting, addressing challenges detection in automatic harvesting.
Ruiqing Learning for like dataset scarcity, occlusion, Future efforts should tackle occlusion
Zhang Automatic and small target detection, with and improve dataset quality for
Harvesting proposed solutions and future better performance
trends.
2 Alexey Recognition and IT&I- Developed a CNN-based system The neural network system helps
Kutyrev, Classification of 2022 for apple recognition, including accurately identify and classify apple
Nikolay Apple Fruits size and disease detection, with fruits, providing insights into crop
Kiktev, Oleksii Based on a errors due to low-resolution image yield and quality. Improving camera
Kalivoshko, Convolutional segmentation resolution can reduce errors in fruit
Ruslan Neural Network detection.
Rakhmedov Model
3 Chiagoziem C. Recent Mathem This research reviews The study shows CNNs have
Ukwuoma, Advancements in atical advancements in fruit detection improved fruit detection and
Qin Zhiguang, Fruit Detection Problem and classification using deep classification, supports using
Md Belal Bin and Classification s in learning, covering challenges, advanced models like transfer
Heyat, Liaqat Using Deep Enginee methods, and datasets. It also learning, and highlights the need for
Ali, Zahra Learning ring implements a fruit classification adversarial defense mechanisms.
Almaspoor, Techniques (2022) model using the Fruit 360 dataset
and Happy N. and compares it with a transfer
Monday. learning model (ResNet-50).

5
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Proposed Methodology/Algorithm/Model

• A deep convolutional neural network (CNN) designed for


image classification, particularly focusing on detecting
defects (binary classification: healthy vs. damaged).
• Layers Used:
• Convolutional layers (3x3 filters)
• Max Pooling layers (2x2)
• Dense layers
• Sigmoid activation for binary classification

6
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
• Optimization: Adam optimizer is used with binary cross-
entropy as the loss function.
• Data Augmentation: Includes rescaling, horizontal flip,
zoom, and shear transformations for enhancing model
robustness.

Healthy Image Damaged Image

7
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Block Diagram

8
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Design/Implementation & Description

Dataset:
• Structured with train, validation (renamed to test), containing
images of healthy and damaged objects.
• Data preprocessing applied with normalization (rescale to [0, 1])
and augmentation.
Model Implementation:
• A CNN with multiple layers for feature extraction and
classification.
• Trained with 10 epochs, using training and validation data
generators.
• Validation accuracy and loss recorded and plotted during training.

9
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Model Comparision

Model Activatio Accuracy Precision Recall F1-Score Loss


n
ResNet50 Relu 95.2% 94.8% 95.5% 95.1% 0.12

GoogleNet Relu 92.5% 92.0% 92.9% 92.5% 0.18


(Inception V3)

10
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Feature Resnet50 GoogleNet
Architecture Type Deep Residual Network Inception Architecture
Total Layers 50 layers Varies (approximately 48 layers)
Skip Connextions Yes, allows gradients to flow No direct skip connections
effectively
Convolution Type Bottleneck Structure (1x1, 3x3, Inception modules with multiple
1x1) filter sizes
Computational Effciency Relatively fast training due to More computational overhead
residual connections due to multiple filters
Feature Extraction Hierarchical feature extraction; Multi-scale feature extraction;
good for details can be inconsistent
Risk of Overfitting Lower risk due to residual Higher risk if not tuned properly
connections
Generalization Ability Better generalization on unseen Good, but may overfit on
data complex datasets
Typical Accuracy Higher in complex tasks Competitive, but may vary
based on data

11
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Results and Discussion
• Model Performance Metrics :
Accuracy:
The trained model achieved an accuracy of approximately **XX%* on
the test dataset, indicating its effectiveness in distinguishing between healthy
and damaged fruit.
Loss:
The training and validation loss decreased over epochs, suggesting
that the model is learning and not overfitting.
Confusion Matrix:
The confusion matrix indicates the model's performance in classifying
the two categories (healthy vs. damaged). A high number of true positives and
true negatives relative to false positives and false negatives highlights the
model's reliability.
• Visualizations :
Accuracy and Loss Curves :
Graphs showing the training and validation accuracy and loss over
epochs demonstrate the learning progression of the model.
12
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Confusion Matrix Visualization :
A heatmap of the confusion matrix provides insight into the specific
classification performance, showcasing the model's strengths and
weaknesses.
• Comparative Analysis:
The model's performance can be compared with existing methods in
the literature. For instance, previous studies have shown varying levels of
accuracy, and this project's model achieves competitive results, particularly
with the use of transfer learning from ResNet50.Discuss any limitations
observed during the evaluation phase, such as challenges in recognizing
certain fruit types or specific conditions that may have led to misclassification.
• Challenges Faced:
The project encountered issues such as *class imbalance*, where
one category (e.g., damaged) may have fewer samples than the other
(healthy). Image quality variations and occlusions in the fruit images impacted
the model's ability to generalize.

13
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Epoch Training
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology 14
15
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
16
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Conclusions

• This project successfully implemented a Convolutional Neural Network


(CNN) using the ResNet50 architecture for the automated detection of fruit
damage. The model demonstrated strong performance, achieving an
accuracy of X percentage on the test dataset, effectively distinguishing
between healthy and damaged fruits. The use of deep learning significantly
improved classification accuracy compared to traditional machine learning
methods, highlighting the power of CNNs in handling complex image
datasets without the need for extensive manual feature engineering.
• The confusion matrix analysis provided valuable insights into the model’s
classification performance, emphasizing its high true positive and true
negative rates. However, the model also exhibited some limitations, such as
its dependency on the quality and diversity of the dataset and the
challenges posed by variations in real-world conditions like lighting and
occlusion.

17
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
References

• Zhang, X., et al. - "Image Classification Using Deep Learning: A


Survey", IEEE Transactions on Neural Networks and Learning
Systems (2021).
• Khan, A., et al. - "A Comprehensive Review on Recent Deep
Learning Techniques and Applications", ACM Computing Surveys
(2020).
• Wang, Z., et al. - "Defect Detection in Manufacturing using Deep
Learning", International Journal of Computer Vision (2022).
• S. Rathod, K. Dhande. ”Detection of fruit diseases using deep
learning.” International Conference on Artificial Intelligence and
Machine Learning, 2020.
• D. Zhang, J. He, X. Luo. ”Fruit damage detection using hybrid
deep learning models.” Journal of Food Engineering, 2022.
18
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology
Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology 19

You might also like