SlideShare a Scribd company logo
1 of 17
Plant Disease Detection Using Machine
Learning
A project Submitted in partial fulfillment of the
requirements
for the award of the Degree of
MASTER OF COMPUTER APPLICATION
By
Guide: Prof. Manabendra Nath
 Name of Student: KOUSHIK HAZRA
Roll Num: 12021010010006
 Name of Student: DIBAS KUMAR SHYAMAL
Roll Num: 12021010010008
 Name of Student: DEBODIP HAIT
Roll Num: 12021010010050
 Name of Student: SUBHA CHATTERJEE
Roll Num:12021010010023
 Name of Student: JINIYA MANDAL
Roll Num: 12021010010035
 Name of Student: ADREJA SAHA
Roll Num: 12021010010030
TABLE OF CONTENTS
 INTRODUCTION
 PROPOSED METHODOLOGY
 IMAGE ACQUISITION
 DATASET PREPARATION
 IMAGE PREPROCESSING
 IMAGE SEGMENTATION
 FEATURE EXTRACTION
 TESTING & VALIDATION
 RESULT
 NECESSARY LIBRARIES
 FUTURE SCOPE
 CONCLUSION
INTRODUCTION
 In this project, we have created a
convolutional neural network which will be able
to predict whether a plant is suffering from a
disease or not.
 We used different layers and other
hyperperameters for building, training, and
testing this classification model.
 We have used Tensorflow and Keras for this
project.
PROPOSED METHODOLOGY
Crop
s
Image
Acquisitio
n
Leaf image
dataset
Image pre-
processing
.
Image
Segmentatio
n
Feature
extraction
Dataset
splitting
Training
Set
Validation
Set
Test
Set
Training &
Validation
datasets
Training of Deep
learning model
Classification
.
IMAGE ACQUISITION
 The first step in plant disease
detection using machine learning
is to acquire images of plant
leaves that are both healthy and
diseased. Images can be
captured using cameras, smart
phones, or drones, and can be
taken in a controlled
environment, such as a
greenhouse, or in the field. It is
important to ensure that the
images are of high quality, with
good resolution and color
accuracy, to ensure accurate
disease detection.
DATASET PREPARATION
The Dataset collected from open source website “Kaggle”.
 Corn (Maize) – Common Rust
 Potato – Early Blight
 Tomato – Bacterial Spot
IMAGE PREPROCESSING
 Once the images are
acquired, they need to be
preprocessed to improve
their quality and make
them suitable for
analysis.
 The goal of image
preprocessing is to make
the images more uniform
and to remove any
variability that could
interfere with disease
detection
 For normalize our dataset
we will convert the
images into a numpy
Cropping
Filtering
Resizing
Normalizatio
n
Imag
e
Preprocess
ed
image
IMAGE SEGMENTATION
 After preprocessing, the images are
segmented to separate the plant leaves
from the background.
 Image segmentation involves dividing the
image into multiple regions, each of which
contains pixels with similar properties.
 This allows the machine learning algorithm
to focus on the plant leaves and ignore the
background, which can improve disease
detection accuracy.
FEATURE EXTRACTION
Once the plant leaves are segmented, the next
step is to extract features from the image that
can be used to train the machine learning model.
These features might include color histograms,
texture features, or shape descriptors.
DATASET SPLITTING
The preprocessed images are labeled as
healthy or diseased and used to create a
dataset. The dataset is divided into training,
validation, and testing sets.
To split the dataset into testing and training
data. Here we have taken test size as 0.2 so my
data will be divided into 80% training and 20%
testing data.
MODEL TRAINING
Convolutional Neural Networks (CNNs) is chosen to train the
model and extracted features to recognize the visual symptoms
of plant diseases.
We have used different types of layers according to their
features namely
 Conv_2d (It is used to create a convolutional kernel that is
convolved with the input layer to produce the output tensor)
 max_pooling2d (It is a down sampling technique which takes
out the maximum value over the window defined by poolsize)
 flatten (It flattens the input and creates a 1D output)
 Dense (Dense layer produce the output as the dot product of
input and kernel).
Convolution Neural Network:
CNN
TESTING AND VALIDATION
 Fitting the model with the data and finding out
the accuracy at each epoch to see how our
model is learning.
 The trained model is then tested on a separate
dataset of images to evaluate its accuracy in
detecting plant diseases.
RESULT
FUTURE SCOPE OF
PROJECT
 Our project have shown pretty good accuracy,
it can be implemented in real time mobile
applications and web services, so that formers
can identify diseases simply by taking photo of
suspected leaves of plants.
 Other than plant leaf disease identification, it
can also be used for identification and
classification of nutrients deficiency of plant
leaves.
THE STEPS TAKEN TO SOLVE THE
PROBLEM
 We started with loading the dataset into googlecolab
using Google drive and visualizing the images.
Normalizing is an important step when working with any
type of dataset. After that we created a CNN Model
which is further used for predicting the plant diseases
using the image supplied to model.
 This model is highly beneficial as it can be used by
different agricultural firms and farmers to increase their
yield and stop wastage of crops due to disease.
CONCLUSION
Plant Disease Detection Using ML.pptx

More Related Content

What's hot

Digital image processing
Digital image processingDigital image processing
Digital image processing
manpreetgrewal
 

What's hot (20)

Application of-image-segmentation-in-brain-tumor-detection
Application of-image-segmentation-in-brain-tumor-detectionApplication of-image-segmentation-in-brain-tumor-detection
Application of-image-segmentation-in-brain-tumor-detection
 
Brain Tumour Detection.pptx
Brain Tumour Detection.pptxBrain Tumour Detection.pptx
Brain Tumour Detection.pptx
 
Plant Disease Prediction using CNN
Plant Disease Prediction using CNNPlant Disease Prediction using CNN
Plant Disease Prediction using CNN
 
Presentation3.pdf
Presentation3.pdfPresentation3.pdf
Presentation3.pdf
 
Brain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI ImagesBrain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI Images
 
Tomato leaves diseases detection approach based on support vector machines
Tomato leaves diseases detection approach based on support vector machinesTomato leaves diseases detection approach based on support vector machines
Tomato leaves diseases detection approach based on support vector machines
 
deep learning applications in medical image analysis brain tumor
deep learning applications in medical image analysis brain tumordeep learning applications in medical image analysis brain tumor
deep learning applications in medical image analysis brain tumor
 
Breast Cancer Detection with Convolutional Neural Networks (CNN)
Breast Cancer Detection with Convolutional Neural Networks (CNN)Breast Cancer Detection with Convolutional Neural Networks (CNN)
Breast Cancer Detection with Convolutional Neural Networks (CNN)
 
Digital image processing
Digital image processingDigital image processing
Digital image processing
 
Hough Transform By Md.Nazmul Islam
Hough Transform By Md.Nazmul IslamHough Transform By Md.Nazmul Islam
Hough Transform By Md.Nazmul Islam
 
Machine Learning in Healthcare Diagnostics
Machine Learning in Healthcare DiagnosticsMachine Learning in Healthcare Diagnostics
Machine Learning in Healthcare Diagnostics
 
Image Restoration (Order Statistics Filters)
Image Restoration (Order Statistics Filters)Image Restoration (Order Statistics Filters)
Image Restoration (Order Statistics Filters)
 
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
PPT on BRAIN TUMOR detection in MRI images based on  IMAGE SEGMENTATION PPT on BRAIN TUMOR detection in MRI images based on  IMAGE SEGMENTATION
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
 
Medical image analysis
Medical image analysisMedical image analysis
Medical image analysis
 
Inception V3 Image Processing .pptx
Inception V3 Image Processing .pptxInception V3 Image Processing .pptx
Inception V3 Image Processing .pptx
 
Prospects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical ImagingProspects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical Imaging
 
Brain tumor detection using convolutional neural network
Brain tumor detection using convolutional neural network Brain tumor detection using convolutional neural network
Brain tumor detection using convolutional neural network
 
Line Detection
Line DetectionLine Detection
Line Detection
 
A Novel Approach for Tomato Diseases Classification Based on Deep Convolution...
A Novel Approach for Tomato Diseases Classification Based on Deep Convolution...A Novel Approach for Tomato Diseases Classification Based on Deep Convolution...
A Novel Approach for Tomato Diseases Classification Based on Deep Convolution...
 
Edge detection
Edge detectionEdge detection
Edge detection
 

Similar to Plant Disease Detection Using ML.pptx

Similar to Plant Disease Detection Using ML.pptx (20)

COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...
COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...
COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...
 
IRJET - Plant Leaf Disease Diagnosis from Color Imagery using Co-Occurrence M...
IRJET - Plant Leaf Disease Diagnosis from Color Imagery using Co-Occurrence M...IRJET - Plant Leaf Disease Diagnosis from Color Imagery using Co-Occurrence M...
IRJET - Plant Leaf Disease Diagnosis from Color Imagery using Co-Occurrence M...
 
IRJET- Plant Leaf Disease Diagnosis from Color Imagery using Co-Occurrence Ma...
IRJET- Plant Leaf Disease Diagnosis from Color Imagery using Co-Occurrence Ma...IRJET- Plant Leaf Disease Diagnosis from Color Imagery using Co-Occurrence Ma...
IRJET- Plant Leaf Disease Diagnosis from Color Imagery using Co-Occurrence Ma...
 
Android application for detection of leaf disease (Using Image processing and...
Android application for detection of leaf disease (Using Image processing and...Android application for detection of leaf disease (Using Image processing and...
Android application for detection of leaf disease (Using Image processing and...
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural Network
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural Network
 
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEMAUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
 
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEMAUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
AUTOMATIC FRUIT RECOGNITION BASED ON DCNN FOR COMMERCIAL SOURCE TRACE SYSTEM
 
A Review Paper on Automated Plant Leaf Disease Detection Techniques
A Review Paper on Automated Plant Leaf Disease Detection TechniquesA Review Paper on Automated Plant Leaf Disease Detection Techniques
A Review Paper on Automated Plant Leaf Disease Detection Techniques
 
Mini Pro PPT.pptx
Mini Pro PPT.pptxMini Pro PPT.pptx
Mini Pro PPT.pptx
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)
 
20615-38907-3-PB.pdf
20615-38907-3-PB.pdf20615-38907-3-PB.pdf
20615-38907-3-PB.pdf
 
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
 
Fruit Disease Detection And Fertilizer Recommendation
Fruit Disease Detection And Fertilizer RecommendationFruit Disease Detection And Fertilizer Recommendation
Fruit Disease Detection And Fertilizer Recommendation
 
Blood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNNBlood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNN
 
EARLY BLIGHT AND LATE BLIGHT DISEASE DETECTION ON POTATO LEAVES USING CONVOLU...
EARLY BLIGHT AND LATE BLIGHT DISEASE DETECTION ON POTATO LEAVES USING CONVOLU...EARLY BLIGHT AND LATE BLIGHT DISEASE DETECTION ON POTATO LEAVES USING CONVOLU...
EARLY BLIGHT AND LATE BLIGHT DISEASE DETECTION ON POTATO LEAVES USING CONVOLU...
 
Plant Leaf Disease Detection using Deep Learning and CNN
Plant Leaf Disease Detection using Deep Learning and CNNPlant Leaf Disease Detection using Deep Learning and CNN
Plant Leaf Disease Detection using Deep Learning and CNN
 
Using deep learning algorithms to classify crop diseases
Using deep learning algorithms to classify crop diseasesUsing deep learning algorithms to classify crop diseases
Using deep learning algorithms to classify crop diseases
 
Plant Disease Prediction Using Image Processing
Plant Disease Prediction Using Image ProcessingPlant Disease Prediction Using Image Processing
Plant Disease Prediction Using Image Processing
 
Image recognition
Image recognitionImage recognition
Image recognition
 

Recently uploaded

Probability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter LessonsProbability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter Lessons
JoseMangaJr1
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
ZurliaSoop
 
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
amitlee9823
 
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night StandCall Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
amitlee9823
 
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service BangaloreCall Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
amitlee9823
 
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men 🔝Bangalore🔝 Esc...
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men  🔝Bangalore🔝   Esc...➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men  🔝Bangalore🔝   Esc...
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men 🔝Bangalore🔝 Esc...
amitlee9823
 
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
amitlee9823
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
amitlee9823
 
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
amitlee9823
 
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
amitlee9823
 

Recently uploaded (20)

Probability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter LessonsProbability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter Lessons
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
 
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
 
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night StandCall Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
 
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service BangaloreCall Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
Call Girls Begur Just Call 👗 7737669865 👗 Top Class Call Girl Service Bangalore
 
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
 
5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed
5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed
5CL-ADBA,5cladba, Chinese supplier, safety is guaranteed
 
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men 🔝Bangalore🔝 Esc...
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men  🔝Bangalore🔝   Esc...➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men  🔝Bangalore🔝   Esc...
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men 🔝Bangalore🔝 Esc...
 
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
 
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
 
Sampling (random) method and Non random.ppt
Sampling (random) method and Non random.pptSampling (random) method and Non random.ppt
Sampling (random) method and Non random.ppt
 
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
 
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interaction
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
 
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 nightCheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
 

Plant Disease Detection Using ML.pptx

  • 1. Plant Disease Detection Using Machine Learning A project Submitted in partial fulfillment of the requirements for the award of the Degree of MASTER OF COMPUTER APPLICATION By Guide: Prof. Manabendra Nath  Name of Student: KOUSHIK HAZRA Roll Num: 12021010010006  Name of Student: DIBAS KUMAR SHYAMAL Roll Num: 12021010010008  Name of Student: DEBODIP HAIT Roll Num: 12021010010050  Name of Student: SUBHA CHATTERJEE Roll Num:12021010010023  Name of Student: JINIYA MANDAL Roll Num: 12021010010035  Name of Student: ADREJA SAHA Roll Num: 12021010010030
  • 2. TABLE OF CONTENTS  INTRODUCTION  PROPOSED METHODOLOGY  IMAGE ACQUISITION  DATASET PREPARATION  IMAGE PREPROCESSING  IMAGE SEGMENTATION  FEATURE EXTRACTION  TESTING & VALIDATION  RESULT  NECESSARY LIBRARIES  FUTURE SCOPE  CONCLUSION
  • 3. INTRODUCTION  In this project, we have created a convolutional neural network which will be able to predict whether a plant is suffering from a disease or not.  We used different layers and other hyperperameters for building, training, and testing this classification model.  We have used Tensorflow and Keras for this project.
  • 4. PROPOSED METHODOLOGY Crop s Image Acquisitio n Leaf image dataset Image pre- processing . Image Segmentatio n Feature extraction Dataset splitting Training Set Validation Set Test Set Training & Validation datasets Training of Deep learning model Classification .
  • 5. IMAGE ACQUISITION  The first step in plant disease detection using machine learning is to acquire images of plant leaves that are both healthy and diseased. Images can be captured using cameras, smart phones, or drones, and can be taken in a controlled environment, such as a greenhouse, or in the field. It is important to ensure that the images are of high quality, with good resolution and color accuracy, to ensure accurate disease detection.
  • 6. DATASET PREPARATION The Dataset collected from open source website “Kaggle”.  Corn (Maize) – Common Rust  Potato – Early Blight  Tomato – Bacterial Spot
  • 7. IMAGE PREPROCESSING  Once the images are acquired, they need to be preprocessed to improve their quality and make them suitable for analysis.  The goal of image preprocessing is to make the images more uniform and to remove any variability that could interfere with disease detection  For normalize our dataset we will convert the images into a numpy Cropping Filtering Resizing Normalizatio n Imag e Preprocess ed image
  • 8. IMAGE SEGMENTATION  After preprocessing, the images are segmented to separate the plant leaves from the background.  Image segmentation involves dividing the image into multiple regions, each of which contains pixels with similar properties.  This allows the machine learning algorithm to focus on the plant leaves and ignore the background, which can improve disease detection accuracy.
  • 9. FEATURE EXTRACTION Once the plant leaves are segmented, the next step is to extract features from the image that can be used to train the machine learning model. These features might include color histograms, texture features, or shape descriptors.
  • 10. DATASET SPLITTING The preprocessed images are labeled as healthy or diseased and used to create a dataset. The dataset is divided into training, validation, and testing sets. To split the dataset into testing and training data. Here we have taken test size as 0.2 so my data will be divided into 80% training and 20% testing data.
  • 11. MODEL TRAINING Convolutional Neural Networks (CNNs) is chosen to train the model and extracted features to recognize the visual symptoms of plant diseases. We have used different types of layers according to their features namely  Conv_2d (It is used to create a convolutional kernel that is convolved with the input layer to produce the output tensor)  max_pooling2d (It is a down sampling technique which takes out the maximum value over the window defined by poolsize)  flatten (It flattens the input and creates a 1D output)  Dense (Dense layer produce the output as the dot product of input and kernel).
  • 13. TESTING AND VALIDATION  Fitting the model with the data and finding out the accuracy at each epoch to see how our model is learning.  The trained model is then tested on a separate dataset of images to evaluate its accuracy in detecting plant diseases.
  • 15. FUTURE SCOPE OF PROJECT  Our project have shown pretty good accuracy, it can be implemented in real time mobile applications and web services, so that formers can identify diseases simply by taking photo of suspected leaves of plants.  Other than plant leaf disease identification, it can also be used for identification and classification of nutrients deficiency of plant leaves.
  • 16. THE STEPS TAKEN TO SOLVE THE PROBLEM  We started with loading the dataset into googlecolab using Google drive and visualizing the images. Normalizing is an important step when working with any type of dataset. After that we created a CNN Model which is further used for predicting the plant diseases using the image supplied to model.  This model is highly beneficial as it can be used by different agricultural firms and farmers to increase their yield and stop wastage of crops due to disease. CONCLUSION