SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 06 | June-2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 1126
Multiclass Classification Method Based On Deep Learning For Leaf
Identification For Farmers
Sanjay Sunkad1, Aakash Bagale2, Srujan Rumale3, Zabiulla Shariff4
1,2,3,4Department of Computer Science and Engineering, Maharaja Institute of Technology Mysore
Approved by AICTE, New Delhi, Affiliated to VTU, Belgaum, Recognized by Government of Karnataka
Mysore INDIA
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract -There are estimated to be nearly half a million
species of plant in the world. Classification of species has
been historically problematic and often results in duplicate
identifications. Plant identificationbasedonleafisbecoming
one of the most interesting and a popular trend. Each leaf
carries unique information that can be used in the
identification of plants. In the identification of plants based
on leaf, the leaf images need to be preprocessed accordingly
to extract the various critical features.
As the upcoming ground-breaking performance of neural
networks in the field of classification and identification of
objects is being carried out where success is being achieved,
the new neural network known as Convolutional Neural
Network(CNN) has made theidentificationandclassification
of objects more reliable with the performance and as well as
the computations. Like any other classifier, the
Convolutional Neural Network (Model) is trained with
images and its specific labels. Having few layered Neural
Network; we will get patterns (features) in given object
(image). This trained model is used to classify new input
images.
As supervised deep learning is used it makes it produces
accurate results and makes it easier for the user to classify
leaf data with much higher accuracy. CNN’s are great at
images, and have promise for text, simply because they are
capable of identifying patterns in huge number of
homogeneous features (pixels in 2D or characters in 1D).
They are designed to handle large amount of image data.
Hence by using Convolutional Neural Network, the accuracy
is drastically improved.
Key Words: HSV – Hue Saturation Value, CNN –
Convolutional Neural Network, ReLU – Rectified
Linear Unit
1. INTRODUCTION
Plant identification based on leaf is becoming one of the
most interesting and a popular trend. Each leaf carries
unique information that can be used in the identification of
plants. In the identification of plants based on leaf, the leaf
images need to be pre-processed accordingly to extract the
various critical features.
The proposed approach consists of three phases that are
pre-processing, feature extraction, andclassificationphases.
Since most types of plants have unique leaves, so the
classification approach presented in this research depends
on plants leave. Leaves are different from each other by
characteristics such as the shape, colour, texture and the
margin. Dataset are used for both training and testing.
Neural networks are used here. Convolutional Neural
Networks are very similar to ordinaryNeural Networksthey
are made up of neurons that have learnable weights and
biases. Each neuron receives some inputs, performs a dot
product and optionally follows it with a non-linearity.
The whole network still expresses a single differentiable
score function: from the raw image pixelsonone endtoclass
scores at the other. And they still have a loss function (e.g.
SVM/ Softmax) on the last (fully-connected)layerandall the
tips/tricks we developed for learning regular Neural
Networks still apply.
1.1 RELATED WORK
Talking about the existingsystemtherearemanytraditional
machine learning methods like Knearest neighbour (KNN),
Support vector machine (SVM) result in lower accuracy in
prediction leading to miss classification of input image.
Random forests, KNN, SVM have strengths in other type of
problem: mainly in the space where there are relatively few
(tens or hundreds) of heterogeneous features. CNN’s are
great at images, and have promise for text, simply because
they are capable of identifying patterns in huge number of
homogeneous features (pixels in 2D or characters in 1D).
They are designed to handle large amount of image data.
Hence by using Convolutional Neural Network, the accuracy
is drastically improved.
Traditional Image processing uses linear classifier like
support vector machine or K Nearest Neighbours (KNN)
where it fails to classify new data points into its specific
class. If such classifier is used to classify bulk images it could
lead to reduction of theirqualitybecauseof misclassification.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 06 | June-2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 1127
1.2 METHEDOLOGY
Figure 1 Flow of process
A. Pre-processing The input image is first converted into
HSV color space model and then using an inrange function
which extracts majority of the green pixels present in the
image. Further a bounding rect function is used to crop the
image where the unwanted region is eliminated. The
cropped image that is region of interest (ROI),whichisgiven
as input to the next step for identification.
B. Feature Extraction and classification CNN model is
used for feature extraction where the data is analyzed in the
following manner where the CNN model automatically
extracts thousands of features. The image is passed through
a stack of convolutional layers. Response normalization
layers follow the first and second convolutional layers.
Spatial pooling is carried out by four maxpooling layers. The
ReLU non-linearity is applied to the output of every
convolutional and fully-connected layer.
Figure 2 Inception V3 model
K-means clustering:
Equation 1
Back propagation:
Figure 3
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 06 | June-2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 1128
2 WORKING
Figure 4
Module 1: Leaf capture using OpenCV:
Leaf is captured using OpenCV. The image of the leaf can be
captured by using 3 methods Default camera: The laptop
built in camera can be used to capture the image of the
individual. IP camera can make use of mobile device and
capture HD images of leaf to get better accuracy and results.
Web camera can also be accessed to get the image of leaf.
Module 2: leaf Recognition using Convolutional Neural
Network:
Leaf recognition has always been a challenging task from
traditional image processing technique to modern image
processing. To obtain higher accuracy and better prediction
of the recognized Convolutional neural network is used
where Artificial Intelligence Model (CNN) needs to be
integrated. This involves the following steps. Collecting the
dataset is an important work where we need to collect
images of leaves. If we have 2 people, then we need a dataset
of at least 20-25 images. More the data bettertheaccuracyin
modern AI. Training the Model: We need to train the new
leaves (20-25 images) and teach our model which the
particular leaf is for example, we load 25 imagesofleaf1and
train the model and 20 images of leaf 2 and train the model.
Leaf Recognition: Finally, we should be able to detect the
leaves that we have been trained with good prediction
accuracy. Retraining the model: If the model has lower
accuracy then we need to retrain the model and start from
step1 for better accuracy. We need to make use of Tensor
flow (Google’s Open Source library) for face recognition
where python is used as a base language.
Module 3: leaf disease recognition:
The diseased leaf needs to be identified. The disease may be
categorized into many forms. We first need to identify the
disease of the leaf by giving the image of the leaf. Pre-
training the model is necessary as it was done in module 2.
The diseased leaf is categorized into its respective category.
Creating an UI using C# where an UI is integrated with some
buttons, picture boxes, timers as per coding requirement.
Module 4: Connection leaf recognitioncode/leafdisease
recognition code with that of OpenCV C++ library:
The OpenCV C++ code needs to be connected withthatofthe
OpenCV code to make it simpler. Module 5: Display the final
output on the UI Final output has to be displayed on the
output with no glitch and error free.
3. CONCLUSIONS
We have successfully identified 13 categories of plantleaves
and 4 categories of diseased leaves. The accuracy of our
model is about 95.25%. Model has a huge influence on the
lighting conditions while capturing from IP camera or
webcam.
ACKNOWLEDGEMENT
We would like to show our gratitude towards our principal,
Dr. B G Naresh Kumar for his great support.
We extend our warm wishes to our HOD, Prof. Deepu. R
and our guide Asst. Prof Sushma Koushik N. Special and
sincere thanks to our beloved co-ordinator, Prof. Hemanth
S R for his inspiration and encouragement.
REFERENCES
[1] Siang Thye Hang*, Masaki Aono, “Open World Plant
Image Identification Based on Convolutional Neural
Network”, IEEE 2016.
[2] Ajla KULAGLIC and B . BerkUSTUNDA, “Neural
Network with Wavelet Preprocessing for Wheat
Growth stage”, IEEE 2016.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 06 | June-2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 1129
[3] Jobin Francis, Anto Sahaya Das D and Anoop B K,
“Identification of Leaf Disease in Pepper Plants
Using Soft Computing Techniques” , IEEE 2016.
[4] Yuanyuan Liu, Deng Wenzhou, Fan Tang, Yipping
Meng and Weiming Dong, “Flower Classification via
Convolutional Neural Network”, IEEE 2016
[5] Adil Salman, Ashish Semwal, V. M Thakkar and
Upenda Bhatt,“Leaf Classification and Identifiaction
Using Canny Edge Detector and SVM Classifer ”,
IEEE 2016.
[6] Suhas S Athani and CH Tejaswini, “Support Vector
Machine-Based Classification Scheme of Maize Crop
“, IEEE 2017.
[7] Anjali Yadav, Jesus B. Alonso , Carlos M. Travies
,Malay Kishore Dutta “ Automatic Identification of
Botanical Samples of Leaves using Computer Vision
“, IEEE 2017.
[8] Monzural Islam, Anh Dinh, Khan Wahid and Pankaj
Bhowmik, ” Detection of Potato Diseases Using
Image Segmentation and Multiclass Support Vector
IEEE 2017.
BIOGRAPHIES
Sanjay Sunkad
Dept of CSE
MIT Mysore
Aakash Bagale
Dept of CSE
MIT Mysore
Srujan Rumale
Dept of CSE
MIT Mysore
Zabiulla Shariff
Dept of CSE
MIT Mysore

More Related Content

PDF
An Extensive Review on Generative Adversarial Networks GAN’s
PDF
IRJET- Art Authentication System using Deep Neural Networks
PDF
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
PDF
Post-Segmentation Approach for Lossless Region of Interest Coding
PDF
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
PDF
Paper id 6122018109
PDF
Reflectivity Parameter Extraction from RADAR Images Using Back Propagation Al...
PDF
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
An Extensive Review on Generative Adversarial Networks GAN’s
IRJET- Art Authentication System using Deep Neural Networks
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
Post-Segmentation Approach for Lossless Region of Interest Coding
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
Paper id 6122018109
Reflectivity Parameter Extraction from RADAR Images Using Back Propagation Al...
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning

What's hot (20)

PDF
A novel ensemble modeling for intrusion detection system
PDF
Random Valued Impulse Noise Elimination using Neural Filter
PDF
Handwritten Digit Recognition
PDF
Gender Classification using SVM With Flask
PDF
IRJET- Anomaly Detection System in CCTV Derived Videos
PDF
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
PDF
06 17443 an neuro fuzzy...
PDF
SVM-KNN Hybrid Method for MR Image
PDF
IRJET- Face Recognition using Machine Learning
PDF
L026070074
PDF
Evaluation of deep neural network architectures in the identification of bone...
PDF
Deep Convolutional Neural Network based Intrusion Detection System
PDF
IRJET - Finger Vein Extraction and Authentication System for ATM
PDF
Use of artificial neural network in pattern recognition
PDF
Segmentation and recognition of handwritten digit numeral string using a mult...
PPTX
Neural Networks for Pattern Recognition
PDF
Hand Gesture Recognition using OpenCV and Python
PPTX
Human age and gender Detection
PDF
IRJET- Automated Detection of Gender from Face Images
PDF
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
A novel ensemble modeling for intrusion detection system
Random Valued Impulse Noise Elimination using Neural Filter
Handwritten Digit Recognition
Gender Classification using SVM With Flask
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
06 17443 an neuro fuzzy...
SVM-KNN Hybrid Method for MR Image
IRJET- Face Recognition using Machine Learning
L026070074
Evaluation of deep neural network architectures in the identification of bone...
Deep Convolutional Neural Network based Intrusion Detection System
IRJET - Finger Vein Extraction and Authentication System for ATM
Use of artificial neural network in pattern recognition
Segmentation and recognition of handwritten digit numeral string using a mult...
Neural Networks for Pattern Recognition
Hand Gesture Recognition using OpenCV and Python
Human age and gender Detection
IRJET- Automated Detection of Gender from Face Images
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
Ad

Similar to IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identification For Farmers (20)

PDF
Plant disease detection system using image processing
PDF
Plant Disease Detection using Convolution Neural Network (CNN)
PDF
Automated Plant Identification with CNN
PDF
Potato Leaf Disease Detection Using Machine Learning
PDF
IRJET- Recognition of Plants using Leaf Image with Neural Network and Com...
PPTX
LeafDiagnosis: Plant disease Detection.pptx
PDF
IRJET- IoT based Preventive Crop Disease Model using IP and CNN
PPTX
Plant Disease Detection Using ML.pptx
PDF
IRJET - Disease Detection in Plant using Machine Learning
PDF
IRJET- Crop Leaf Disease Diagnosis using Convolutional Neural Network
PDF
IJSRED-V2I3P35
PDF
IRJET- Leaf Quality Detection for Rudimentary Urban Home Gardeners using Imag...
PDF
PLANT LEAF DISEASE CLASSIFICATION USING CNN
PPTX
leaf desease detection using machine learning.pptx
PDF
EARLY BLIGHT AND LATE BLIGHT DISEASE DETECTION ON POTATO LEAVES USING CONVOLU...
PDF
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PDF
Plant leaf identification system using convolutional neural network
PDF
Leaf Disease Detection Using Image Processing and ML
PDF
Plant Leaf Disease Detection Using Machine Learning
PDF
Plant Disease Doctor App
Plant disease detection system using image processing
Plant Disease Detection using Convolution Neural Network (CNN)
Automated Plant Identification with CNN
Potato Leaf Disease Detection Using Machine Learning
IRJET- Recognition of Plants using Leaf Image with Neural Network and Com...
LeafDiagnosis: Plant disease Detection.pptx
IRJET- IoT based Preventive Crop Disease Model using IP and CNN
Plant Disease Detection Using ML.pptx
IRJET - Disease Detection in Plant using Machine Learning
IRJET- Crop Leaf Disease Diagnosis using Convolutional Neural Network
IJSRED-V2I3P35
IRJET- Leaf Quality Detection for Rudimentary Urban Home Gardeners using Imag...
PLANT LEAF DISEASE CLASSIFICATION USING CNN
leaf desease detection using machine learning.pptx
EARLY BLIGHT AND LATE BLIGHT DISEASE DETECTION ON POTATO LEAVES USING CONVOLU...
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
Plant leaf identification system using convolutional neural network
Leaf Disease Detection Using Image Processing and ML
Plant Leaf Disease Detection Using Machine Learning
Plant Disease Doctor App
Ad

More from IRJET Journal (20)

PDF
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
PDF
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
PDF
Kiona – A Smart Society Automation Project
PDF
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
PDF
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
PDF
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
PDF
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
PDF
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
PDF
BRAIN TUMOUR DETECTION AND CLASSIFICATION
PDF
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
PDF
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
PDF
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
PDF
Breast Cancer Detection using Computer Vision
PDF
Auto-Charging E-Vehicle with its battery Management.
PDF
Analysis of high energy charge particle in the Heliosphere
PDF
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
PDF
Auto-Charging E-Vehicle with its battery Management.
PDF
Analysis of high energy charge particle in the Heliosphere
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
Kiona – A Smart Society Automation Project
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
BRAIN TUMOUR DETECTION AND CLASSIFICATION
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
Breast Cancer Detection using Computer Vision
Auto-Charging E-Vehicle with its battery Management.
Analysis of high energy charge particle in the Heliosphere
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
Auto-Charging E-Vehicle with its battery Management.
Analysis of high energy charge particle in the Heliosphere
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...

Recently uploaded (20)

PDF
PPT on Performance Review to get promotions
PPTX
CYBER-CRIMES AND SECURITY A guide to understanding
PPTX
OOP with Java - Java Introduction (Basics)
PPTX
KTU 2019 -S7-MCN 401 MODULE 2-VINAY.pptx
PDF
Automation-in-Manufacturing-Chapter-Introduction.pdf
PPTX
MCN 401 KTU-2019-PPE KITS-MODULE 2.pptx
PDF
keyrequirementskkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkk
PPTX
Internet of Things (IOT) - A guide to understanding
PPTX
MET 305 2019 SCHEME MODULE 2 COMPLETE.pptx
PPTX
FINAL REVIEW FOR COPD DIANOSIS FOR PULMONARY DISEASE.pptx
PPTX
web development for engineering and engineering
PPT
Project quality management in manufacturing
PPT
CRASH COURSE IN ALTERNATIVE PLUMBING CLASS
PDF
Mohammad Mahdi Farshadian CV - Prospective PhD Student 2026
PPTX
CH1 Production IntroductoryConcepts.pptx
PPTX
Geodesy 1.pptx...............................................
PDF
SM_6th-Sem__Cse_Internet-of-Things.pdf IOT
PPTX
additive manufacturing of ss316l using mig welding
PDF
July 2025 - Top 10 Read Articles in International Journal of Software Enginee...
PPTX
Welding lecture in detail for understanding
PPT on Performance Review to get promotions
CYBER-CRIMES AND SECURITY A guide to understanding
OOP with Java - Java Introduction (Basics)
KTU 2019 -S7-MCN 401 MODULE 2-VINAY.pptx
Automation-in-Manufacturing-Chapter-Introduction.pdf
MCN 401 KTU-2019-PPE KITS-MODULE 2.pptx
keyrequirementskkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkk
Internet of Things (IOT) - A guide to understanding
MET 305 2019 SCHEME MODULE 2 COMPLETE.pptx
FINAL REVIEW FOR COPD DIANOSIS FOR PULMONARY DISEASE.pptx
web development for engineering and engineering
Project quality management in manufacturing
CRASH COURSE IN ALTERNATIVE PLUMBING CLASS
Mohammad Mahdi Farshadian CV - Prospective PhD Student 2026
CH1 Production IntroductoryConcepts.pptx
Geodesy 1.pptx...............................................
SM_6th-Sem__Cse_Internet-of-Things.pdf IOT
additive manufacturing of ss316l using mig welding
July 2025 - Top 10 Read Articles in International Journal of Software Enginee...
Welding lecture in detail for understanding

IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identification For Farmers

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 06 | June-2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 1126 Multiclass Classification Method Based On Deep Learning For Leaf Identification For Farmers Sanjay Sunkad1, Aakash Bagale2, Srujan Rumale3, Zabiulla Shariff4 1,2,3,4Department of Computer Science and Engineering, Maharaja Institute of Technology Mysore Approved by AICTE, New Delhi, Affiliated to VTU, Belgaum, Recognized by Government of Karnataka Mysore INDIA ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract -There are estimated to be nearly half a million species of plant in the world. Classification of species has been historically problematic and often results in duplicate identifications. Plant identificationbasedonleafisbecoming one of the most interesting and a popular trend. Each leaf carries unique information that can be used in the identification of plants. In the identification of plants based on leaf, the leaf images need to be preprocessed accordingly to extract the various critical features. As the upcoming ground-breaking performance of neural networks in the field of classification and identification of objects is being carried out where success is being achieved, the new neural network known as Convolutional Neural Network(CNN) has made theidentificationandclassification of objects more reliable with the performance and as well as the computations. Like any other classifier, the Convolutional Neural Network (Model) is trained with images and its specific labels. Having few layered Neural Network; we will get patterns (features) in given object (image). This trained model is used to classify new input images. As supervised deep learning is used it makes it produces accurate results and makes it easier for the user to classify leaf data with much higher accuracy. CNN’s are great at images, and have promise for text, simply because they are capable of identifying patterns in huge number of homogeneous features (pixels in 2D or characters in 1D). They are designed to handle large amount of image data. Hence by using Convolutional Neural Network, the accuracy is drastically improved. Key Words: HSV – Hue Saturation Value, CNN – Convolutional Neural Network, ReLU – Rectified Linear Unit 1. INTRODUCTION Plant identification based on leaf is becoming one of the most interesting and a popular trend. Each leaf carries unique information that can be used in the identification of plants. In the identification of plants based on leaf, the leaf images need to be pre-processed accordingly to extract the various critical features. The proposed approach consists of three phases that are pre-processing, feature extraction, andclassificationphases. Since most types of plants have unique leaves, so the classification approach presented in this research depends on plants leave. Leaves are different from each other by characteristics such as the shape, colour, texture and the margin. Dataset are used for both training and testing. Neural networks are used here. Convolutional Neural Networks are very similar to ordinaryNeural Networksthey are made up of neurons that have learnable weights and biases. Each neuron receives some inputs, performs a dot product and optionally follows it with a non-linearity. The whole network still expresses a single differentiable score function: from the raw image pixelsonone endtoclass scores at the other. And they still have a loss function (e.g. SVM/ Softmax) on the last (fully-connected)layerandall the tips/tricks we developed for learning regular Neural Networks still apply. 1.1 RELATED WORK Talking about the existingsystemtherearemanytraditional machine learning methods like Knearest neighbour (KNN), Support vector machine (SVM) result in lower accuracy in prediction leading to miss classification of input image. Random forests, KNN, SVM have strengths in other type of problem: mainly in the space where there are relatively few (tens or hundreds) of heterogeneous features. CNN’s are great at images, and have promise for text, simply because they are capable of identifying patterns in huge number of homogeneous features (pixels in 2D or characters in 1D). They are designed to handle large amount of image data. Hence by using Convolutional Neural Network, the accuracy is drastically improved. Traditional Image processing uses linear classifier like support vector machine or K Nearest Neighbours (KNN) where it fails to classify new data points into its specific class. If such classifier is used to classify bulk images it could lead to reduction of theirqualitybecauseof misclassification.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 06 | June-2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 1127 1.2 METHEDOLOGY Figure 1 Flow of process A. Pre-processing The input image is first converted into HSV color space model and then using an inrange function which extracts majority of the green pixels present in the image. Further a bounding rect function is used to crop the image where the unwanted region is eliminated. The cropped image that is region of interest (ROI),whichisgiven as input to the next step for identification. B. Feature Extraction and classification CNN model is used for feature extraction where the data is analyzed in the following manner where the CNN model automatically extracts thousands of features. The image is passed through a stack of convolutional layers. Response normalization layers follow the first and second convolutional layers. Spatial pooling is carried out by four maxpooling layers. The ReLU non-linearity is applied to the output of every convolutional and fully-connected layer. Figure 2 Inception V3 model K-means clustering: Equation 1 Back propagation: Figure 3
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 06 | June-2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 1128 2 WORKING Figure 4 Module 1: Leaf capture using OpenCV: Leaf is captured using OpenCV. The image of the leaf can be captured by using 3 methods Default camera: The laptop built in camera can be used to capture the image of the individual. IP camera can make use of mobile device and capture HD images of leaf to get better accuracy and results. Web camera can also be accessed to get the image of leaf. Module 2: leaf Recognition using Convolutional Neural Network: Leaf recognition has always been a challenging task from traditional image processing technique to modern image processing. To obtain higher accuracy and better prediction of the recognized Convolutional neural network is used where Artificial Intelligence Model (CNN) needs to be integrated. This involves the following steps. Collecting the dataset is an important work where we need to collect images of leaves. If we have 2 people, then we need a dataset of at least 20-25 images. More the data bettertheaccuracyin modern AI. Training the Model: We need to train the new leaves (20-25 images) and teach our model which the particular leaf is for example, we load 25 imagesofleaf1and train the model and 20 images of leaf 2 and train the model. Leaf Recognition: Finally, we should be able to detect the leaves that we have been trained with good prediction accuracy. Retraining the model: If the model has lower accuracy then we need to retrain the model and start from step1 for better accuracy. We need to make use of Tensor flow (Google’s Open Source library) for face recognition where python is used as a base language. Module 3: leaf disease recognition: The diseased leaf needs to be identified. The disease may be categorized into many forms. We first need to identify the disease of the leaf by giving the image of the leaf. Pre- training the model is necessary as it was done in module 2. The diseased leaf is categorized into its respective category. Creating an UI using C# where an UI is integrated with some buttons, picture boxes, timers as per coding requirement. Module 4: Connection leaf recognitioncode/leafdisease recognition code with that of OpenCV C++ library: The OpenCV C++ code needs to be connected withthatofthe OpenCV code to make it simpler. Module 5: Display the final output on the UI Final output has to be displayed on the output with no glitch and error free. 3. CONCLUSIONS We have successfully identified 13 categories of plantleaves and 4 categories of diseased leaves. The accuracy of our model is about 95.25%. Model has a huge influence on the lighting conditions while capturing from IP camera or webcam. ACKNOWLEDGEMENT We would like to show our gratitude towards our principal, Dr. B G Naresh Kumar for his great support. We extend our warm wishes to our HOD, Prof. Deepu. R and our guide Asst. Prof Sushma Koushik N. Special and sincere thanks to our beloved co-ordinator, Prof. Hemanth S R for his inspiration and encouragement. REFERENCES [1] Siang Thye Hang*, Masaki Aono, “Open World Plant Image Identification Based on Convolutional Neural Network”, IEEE 2016. [2] Ajla KULAGLIC and B . BerkUSTUNDA, “Neural Network with Wavelet Preprocessing for Wheat Growth stage”, IEEE 2016.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 06 | June-2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 1129 [3] Jobin Francis, Anto Sahaya Das D and Anoop B K, “Identification of Leaf Disease in Pepper Plants Using Soft Computing Techniques” , IEEE 2016. [4] Yuanyuan Liu, Deng Wenzhou, Fan Tang, Yipping Meng and Weiming Dong, “Flower Classification via Convolutional Neural Network”, IEEE 2016 [5] Adil Salman, Ashish Semwal, V. M Thakkar and Upenda Bhatt,“Leaf Classification and Identifiaction Using Canny Edge Detector and SVM Classifer ”, IEEE 2016. [6] Suhas S Athani and CH Tejaswini, “Support Vector Machine-Based Classification Scheme of Maize Crop “, IEEE 2017. [7] Anjali Yadav, Jesus B. Alonso , Carlos M. Travies ,Malay Kishore Dutta “ Automatic Identification of Botanical Samples of Leaves using Computer Vision “, IEEE 2017. [8] Monzural Islam, Anh Dinh, Khan Wahid and Pankaj Bhowmik, ” Detection of Potato Diseases Using Image Segmentation and Multiclass Support Vector IEEE 2017. BIOGRAPHIES Sanjay Sunkad Dept of CSE MIT Mysore Aakash Bagale Dept of CSE MIT Mysore Srujan Rumale Dept of CSE MIT Mysore Zabiulla Shariff Dept of CSE MIT Mysore