SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1486
IDENTIFICATION AND CLASSIFICATION OF RARE MEDICINAL PLANTS
USING MACHINE LEARNING TECHNIQUES
Shalma Preethi1, Varshitha2, Jane Princy3, Anusha Gowda4, Mrs. Archana Priyadarshini5
1-4Student, Dept. of Information Science and Engineering, CEC, Karnataka, India
5Asst. Professor, Dept, of Information Science and Engineering, CEC, Karnataka, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - As the demand for Ayurvedic medicine increases,
demand for medicinal leaves will also increase. Plants are
usually identified by human experts using their visual features
and it takes a lot of time. In medicinal field, Incorrect
identification or error in identification ofmedicinalplantscan
lead to unfavorable results. Plant identification can be
automated using visual morphological characteristicssuch as
the shape, colour, and texture of the leaves and flowers. This
project focuses on machine learning algorithms to get
accurate results. Randomforestalgorithm, k-nearestneighbor
algorithm and Logistic regression algorithm are applied to
classify the rare medicinal plants from non-medicinal plants.
Rare medicinal plants are rarely found in the local gardens
and the knowledge of these medicinal plants is in the verge of
extinction. This project helps to identify rare medicinal plants
using different machine learning techniques. The leaves are
identified and classified based on the unique feature
combination. Maximum accuracy is expected using various
machine learning techniques.
Key Words: Rare medicinal plants, Segmentation,
Machine learning algorithms, Accuracy.
1. INTRODUCTION
Medicinal plants can be identified based on their different
parts such as leaves, flowers, fruits are planted as a whole.
Among all the modalities, leaves are considered as a major
and promising modality for the effective classification of
medicinal plants. Leaves are obtained in all seasons hence
these are identified using machine learning and appropriate
names are detected. Both the front andback sides.Maximum
accuracy isexpectedusingvariousmachinelearningofleaves
arecaptured and detected.Thereforethisprojectcontributes
in faster identification of medicinal plants without any
manualsupport theleaves areclassified basedontheunique
feature combination. This project can be widely applied in
the field of Ayurveda to classify medicinal plants from non-
medicinal plants on day to day life basis.
2. RELATED WORKS
In paper[1] the author proposed a method where different
features are tested using MLP(multi-layer percepton) and
SVM(support vector machine) . MLP has used a Geometrical
colour texture combination with 38 different features of
leaves where both the sides of a leaf were scanned and
features were extracted in order to achieve the higher
identification rate. Features such as geometric features,
colour features, texture features, HU invariants and Zernike
moments are extracted. This method has provided
accuracies based on SVM classifiers and MLP classifiers and
overall accuracies have been noted. These selected feature
combinations are tested using 14 different classifiers and
maximum accuracy is noted. These selected features can be
set for both dry and green leaves. Since various machine
learning languages and neural network algorithmsareused,
the highest accuracy has been achieved by using MLP neural
network classifier i.e 99% of accuracy.
In paper[2] the author proposed a straightforward method
for medicinal leaf identification and classification using
image processing. It basically had 3 basic phases, Image
Acquisition Phase, Image Pre-processing Phase and Feature
extraction Phase. Image Acquisition means capturing the
image of the leaf using a camera or anyothersuitablegadget.
In Image Pre-processing Phase the background noise and
other irregularities are removed and in the last step the
features are extracted namely morphological features such
as size, area and thickness are acquired. It uses a reference
table for comparing these above-mentioned features.
Various software methods are implemented here such as
ANN is used for classification, Python programming is used
for maintaining a dataset and MATLAB used for testing and
comparison. In this process, the image is converted into a
grayscale and then into a black and white pixel layout. In the
next step that is classification various algorithms are used
such as Classification and Regression Trees(CART), K-
Nearest Neighbors, Logistic Regression, Naive Bayes, State
vector machine, Linear discriminant analysis(LDA) and
Neural network. Thesealgorithmswereappliedon12herbal
medicines with 50 samples. This method has resulted in
98.61% accuracy.
Paper[3] mainly contributes in explaining about the feature
extraction from outdoor images. Here the images of leaves
are captured along with its background. It uses two
segmentation approacheswatershedapproachandgraphcut
approach to extract the features from leaves.The Watershed
algorithm is an image processing algorithm. The main
purpose of this algorithm is to separate the object from its
background noise. Here it separates the leaf image from its
background or the noise. Using Graph cutwecansegment an
image into foreground and background elements. It is a is a
semi-automatic segmentation technique. In graph cut
method, In order to identify what we want in theforeground
and what we want in the background we can draw scribbles.
Scribbles imply that we can draw lines on the image.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1487
Markers have a common relationship with a specific
watershed region that is one to one relationship. we create
two markers one for the target leaf and the other for the
background. These two markers are also used as the sink
and the source seeds in the graph-cut method. We can also
use Primary and secondary vein detection to detect the
names of the medicinal plants. To obtain the final resultthey
have proposed a leaf refinement using leaf characteristics –
colours, shape and other morphological features. Here the
results obtained have high accuracy rate thanthepreviously
explained methods.
In paper[4] the author identifies the medicinal plants based
on their colour, edge detection and GCLM(grey level
concurrence matrix)etc. The Artificial neural network has
been used as the classifier. The features are extracted from
50 different images and the colour and edge histogram
features are extracted from plant leaf and trained with ANN
classifier. The colour image is converted to greyscale image
and its edges are detected and the medicinal plants are
identified from the trained data sets .It can be applied on
limited species because there might be similarities between
the features that are being extracted here. Hence it may lead
to confusion in the result but this method can be applied on
the limited number of datasets and can identify the
appropriate medicinal plant.
In paper[5] the author proposed a system for training and
testing total 64 samples. The main classifier used here is
SVM( support vector machine) and the accuracy of around
96.6677% was identified. The image is pre-processed by
sharpening the RGB image and converting it to a greyscale
image. The next step was segmentation. Segmentation helps
to identify the morphological features. This step also
involves binarization of the digital image. The largest
component of the binary image is selected for determining
the different morphological features of the image that is
geometric features, colour features and texture features,
solidity, eccentricity Entropy, contrast, correlation, solidity,
extent, equivalent, extent, Equivalent diameter, standard
deviation, mean and class etc are involved in the feature set
of image sample for training and testing the sample. Weka is
a collection of different machinelearningalgorithmsthatare
written in Java. It is an open-source software that is
developed by the University of Waikato. The algorithms can
be applied directly to a dataset.Weka containsdifferenttools
that can be used for data pre-processing, classification,
clustering, regression, feature selection, association rules,
and visualization. these algorithms can be used in MATLAB
or python.
In paper[6] the author proposed a leaf detection application
that has been developed for Android systems with the help
of Open CV libraries which provides the basic tools for
computer vision, whose main programminglanguageisC++,
but can also be used with other languages such as C, Python
and Java, and consequently also intheAndroid environment.
Here they have used saliency maps methods to identify the
medicinal plants. Saliency algorithms usedbythehumansso
that they can easily segment image regions that are distinct
from their neighbourhood for brightness, colour, shape and
movement and therefore are defined salient.. Saliency
methods have been applied to numerous vision problems
included image segmentation. The first method for the
saliency extraction is the algorithm of Itti, Koch and Niebur,
based on the extraction of the Gaussian pyramids The other
method for the saliency extraction is the Visual Saliency
Feature (VSF) method. other algorithms such as Simple
Linear Iterative Clustering (SLIC)algorithmwasalsoapplied
in this approach.
This paper [7] has 5 different classifiers k-NearestNeighbor
algorithm, random forest algorithm, SVM, naive Bayes and
Multilayer Perceptron Neural Network .It uses different
morphological features like structure, shape, colour,
different maps etc. Different accuracies are achieved using
these methods. The highest accuracy of 90.1% was obtained
from the random forest classifier and second-highest
accuracy has been achieved by MultilayerPerceptronNeural
Network. This excellent performance indicates the viability
of such computer-aided approaches in the classification of
biological specimens and its potential applicability in
combating the 'taxonomic crisis'. It is designed as a mobile
application where one can just scan the image of medicinal
plant and if that leaf is trained by the dataset,wecanidentify
the required medicinal leaf.
In paper[8] the author used texture, shape, colour and edge
features of leaves, fruits and seeds. Here the image was
captured and pre processing was done using K means
cluster, Gausian filter, graphcut and grabcut. Various
machine learning classifiers are used to identify the types of
medicinal plants. classifier algorithms such as Binary
classification tree, Multi boost classifier, Random forest
algorithm, K nearest neighbor algorithm and
PNN(problamisticneural network)andANN(artificial neural
network) are applied on 30 different species. In this method
all the features of plants such as flowers, fruits and leaves
are extracted hence it will lead to a higher identificationrate
but it will be time-consuming as it as to access all features of
all the parts of plant.
In paper[9] the author proposed a simple method to classify
the medicinal plants using various SVM classifiers. Features
of the leaf are extracted using convnets and traditional SIFT
+bag of features. These methods were used on different
datasets such as Swedish dataset, Flavia dataset,
CLEF_Uniform and CLEF_Natural.Butaccordingtothispaper
it gives pretty good outcomes for swedish datasets followed
by flavia dataset but not really good output in case of other
datasets. This method was applied over 100 training
samples. As for our expectations, CNN algorithms with pre-
trained weights gives similar orbetteraccuracycomparedto
SIFT+BoF. Particularly traditional method suffers on noisy
datasets. The accuracy of the datasets are noted down,
where the accuracy of Swedish dataset is obtained around
92%, with a test accuracy of 90.46%, but it doesn’t give
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1488
expected outcomes with other datasets especially Image
CLEF dataset, which is almost equal to random guessing.
In paper[10] the author has described about different
machine level approaches. The features like venation,
curvature and morphometric features were extracted in
order to identify the medicinal plants. SIFT and SURF
methods are used to extract the above mentioned features.
The SIFT and grid based colour moment is used to classify
plant species and it was applied on 40 different species. It
achieved an accuracy around 87.5%. The classifier usedwas
SVM support vector regression.The regression can be linear
or nonlinear .SVM classifierisa supervisedcomputingdevice
learning algorithm which can be used for classification and
regression problems.SVM classifier classifies the images
based on its unique features. This classification is used for
each analysis and the trying out phase.
3. PROPOSED SYSTEM
Fig-1.1 : Methodology
Step 1: Input Leaf Image
• Pictures of different leaves are photographed using a
camera or comparative gadgets.
• Image acquisition means to collect different type of
samples for the formation of the input dataset. Dataset
images further go through various processes. In order to
provide best solution to any problem it is necessary that
dataset cover majority of the different type of inputs.
• One of the most common pre-processing practices is the
conversion of the RGB image to a grayscale image. A
grayscale image consists of shades of grey. This means that
every pixel represents the intensity value at that pixel
without showing any colour. Also in a grayscale image the
intensity values at a pixel are not absolute and can be
infractions. Gray scaling is very significant as it provides a
more genuine colour information which playsa majorrolein
segmentation.
Fig 1.2: Edge detection
Fig 1.3 : Grayscale image to binary image
Step 2: Image Segmentation
•Image segmentation is a part of digital image processing
and computer vision, segmentation is theprocessofdividing
a digital image into a number of segments.
• The main aim of segmentation is to change the
representation of an image into something that is more
meaningful and more simpler so that it is more easier to
analyze.
• Because of colour or shape similarities, the foreground is
separated from the background or densely packedgroupsof
pixels.
• Image segmentation is done using Otsu algorithm. Otsu
algorithm is used to provide automatic image thresholding.
Step 3: Feature Extraction
• Plants consists of unique features such as different shapes,
sizes, texture and edges. These features vary from one
plants to another.
• These features are easy to process, but still abletodescribe
the actual data set with the accuracy and originality.
• In this step we extract parameters or unique features from
an image. The feature set is extracted by the MATLAB region
props method[2].Manyfeatureslikearea, eccentricity,major
axis, minor axis, solidity, inertia tensor, image orientation,
bbox, mean intensity, moments central, euler number are
collected.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1489
Fig 1.4: Medicinal plants with unique features
Step 4: Classification
• After feature extraction the next step is using the data and
classifying different types of leaves.
• Classification is the process of grouping data based on
similarities or unique features of the leaf image.
• Classification is done using 3 machine learning algorithms:
• Random forest algorithm
 Random Forest is one of the efficient machine
learning classification methods.
 A Large number of leaf datasets can be classified
using this technique.
 Random forest mechanism builds many decision
trees on various leaf samples the result is based on
the majority votes obtained.
• K-Nearest Neighbor algorithm
 Similar and dissimilar data are classified to more
than one class using KNN classification technique.
 K-NN algorithm does not provide any output based
on assumptions.
 It is also called a non – parametric , instance based
learning and lazy learner algorithm because it does
not learn from the training set immediately instead
it stores the dataset and at the time of classification,
it performs an action on the dataset.
• Logistic algorithm
 Logistic regression is one of the notable Machine
Learning algorithms, which comes under the
machine Learning technique.
 It predicts the output of a categorical dependent
variable. Therefore the outcome will have only one
value. The output can be either Yes or No, 0 or 1,
true or False, etc. But it gives the probabilistic
values which lie between 0 and 1 , instead of exact
value 0 and 1.
Step 5: Identification
• In this step the names of the rare medicinal plants are
obtained. The accuracy obtained by these three algorithms-
Random forest, K- nearest neighbourandLogisticregression
will be compared and displayed in the form of Graph. As the
user inputs a raw image of the medicinal plant, the output
will be displayed to the user along with its data.
4. CONCLUSIONS
In this work, we proposed a web based method to identify
the rare medicinal plants using their unique morphological
features. Otsu method was used for removing the
background noise or irregularities of the image. After the
completion of segmentation, Feature extraction was done
using MATLAB region props table. Based on feature
extraction and classifiers the model will be trained and
tested. After extracting the features, three algorithms that is
random forest, K-nearest Neighbor and logistic regression
are used for classification. Given the input image the system
will detect whether the leaf is medicinal or not. It displays
the compared accuracies of three algorithms in the form of
graph. For future work, we can try to include variety of
images of leaves and try to include other parts of plantssuch
as fruits, flowers and stem or as a whole plant and soil
characteristics as well. We can also use Artificial neural
networks and other advanced methods to identify the
medicinal plants.
REFERENCES
[1] Kumar, P. M., Surya, C. M. and Gopi, V. P , “Identificationof
Ayurvedic Medicinal Plants by Image Processing of leaf
samples.” 2017 Third international ConferencesonResearch
in Computational Interllence and Communication
Networks(ICRCICN), Kolkata ,2017,pp. 231-238.
[2]Robert G. de Luna, RenannG.Baldovino,Ezekiel A.Cotoco,
Anton Louise P. de Ocampo, Ira C. Valenzuela, Alvin B.
Culaba, Elmer P. Dadios Gokongwei College of Engineering,
De La Salle University Manila, Philippines "Identification of
Philippine Herbal Medicine Plant LeafUsingArtificial Neural
Network" 2017 IEEE 9th International Conference on
Humanoid, Nanotechnology, Information Technology,
CommunicationandControl,Environment,andManagement
(HNICEM)
[3] Anantrasirichai, Nantheera & Hannuna, Sion &
Canagarajah, Nishan. (2017). "Automatic Leaf Extraction
from Outdoor Images".
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1490
[4]Aitwadkar P.P., DeshpandeS.C.,SavantA.V."Identification
of Indian Medicinal Plant by usingArtificial Neural Network"
International Research Journal of Engineering and
Technology (IRJET) Volume: 05 Issue: 04 | Apr-2018
[5]Tejas D. Dahigaonkar1, Rasika T. Kalyane "Identification
of Ayurvedic Medicinal Plants by Image Processing of leaf
samples" Volume: 05 Issue: 05 | May-2018
[6]Putzu, Lorenzo & Di Ruberto, Cecilia & Fenu, Gianni.
(2016). "A Mobile Application for Leaf Detection in Complex
Background Using Saliency Maps". 10016. 570-581.
10.1007/978-3-319-48680-2_50.
[7]Adams Begue, Venitha Kowlessur Fawzi Mahomoodally,
Upasana Singh, Sameerchand Pudaruth* "Automatic
Recognition of Medicinal Plants using Machine Learning
Techniques" IJACSA) International Journal of Advanced
Computer Science and ApplicationsVol. 8, No. 4, 2017
[8]RAJANI S, VEENA M.N "STUDY ON IDENTIFICATION AND
CLASSIFICATION OF MEDICINAL PLANTS" International
Journal of Advances in Science Engineering and Technology,
ISSN(p): 2321 –8991Vol-6, Iss-2, Spl. Issue-2 Jun.-2018
[9]Albert Liu, albertpl@stanford.edu Yangming Huang,
yangming@standford "Plant Leaf Recognition"
[10]Samrity, Dr. Sandeep Kumar PLANT SPECIES
RECOGNITION METHOD USING VARIOUSML-APPROACHES
International Journal of Advanced Research in Computer
Engineering & Technology (IJARCET) Volume 6, Issue 4,
April 2017

More Related Content

What's hot

Project on disease prediction
Project on disease predictionProject on disease prediction
Project on disease prediction
KOYELMAJUMDAR1
 
Final ppt
Final pptFinal ppt
Final ppt
Dhiraj Sriram
 
An Exploration on the Identification of Plant Leaf Diseases using Image Proce...
An Exploration on the Identification of Plant Leaf Diseases using Image Proce...An Exploration on the Identification of Plant Leaf Diseases using Image Proce...
An Exploration on the Identification of Plant Leaf Diseases using Image Proce...
Tarun Kumar
 
Disease prediction and doctor recommendation system
Disease prediction and doctor recommendation systemDisease prediction and doctor recommendation system
Disease prediction and doctor recommendation system
sabafarheen
 
HEALTH PREDICTION ANALYSIS USING DATA MINING
HEALTH PREDICTION ANALYSIS USING DATA  MININGHEALTH PREDICTION ANALYSIS USING DATA  MINING
HEALTH PREDICTION ANALYSIS USING DATA MINING
Ashish Salve
 
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdfDigital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
ssuserbe3944
 
Object detection presentation
Object detection presentationObject detection presentation
Object detection presentation
AshwinBicholiya
 
PROJECT FINAL PPT
PROJECT FINAL PPTPROJECT FINAL PPT
PROJECT FINAL PPT
Ayisha Sithika
 
Machine Learning in Healthcare Diagnostics
Machine Learning in Healthcare DiagnosticsMachine Learning in Healthcare Diagnostics
Machine Learning in Healthcare Diagnostics
Larry Smarr
 
Plant disease detection using machine learning algorithm-1.pptx
Plant disease detection using machine learning algorithm-1.pptxPlant disease detection using machine learning algorithm-1.pptx
Plant disease detection using machine learning algorithm-1.pptx
RummanHajira
 
Texture Classification
Texture ClassificationTexture Classification
Texture Classification
Shrikant Bhosle
 
House price prediction
House price predictionHouse price prediction
House price prediction
AdityaKumar1505
 
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical AnalysisBrain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
MD Abdullah Al Nasim
 
Animal intrusion detection system
Animal intrusion detection systemAnimal intrusion detection system
Animal intrusion detection system
VrundaBhavsar
 
Project synopsis on face recognition in e attendance
Project synopsis on face recognition in e attendanceProject synopsis on face recognition in e attendance
Project synopsis on face recognition in e attendance
Nitesh Dubey
 
Survey on data mining techniques in heart disease prediction
Survey on data mining techniques in heart disease predictionSurvey on data mining techniques in heart disease prediction
Survey on data mining techniques in heart disease prediction
Sivagowry Shathesh
 
Chronic Kidney Disease Prediction
Chronic Kidney Disease PredictionChronic Kidney Disease Prediction
Chronic Kidney Disease Prediction
Rajandeep Gill
 
PPT.pptx
PPT.pptxPPT.pptx
PPT.pptx
kavithabandiga
 
Health Prediction System - an Artificial Intelligence Project 2015
Health Prediction System - an Artificial Intelligence Project 2015Health Prediction System - an Artificial Intelligence Project 2015
Health Prediction System - an Artificial Intelligence Project 2015
Maruf Abdullah (Rion)
 
Lung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdfLung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdf
jagan477830
 

What's hot (20)

Project on disease prediction
Project on disease predictionProject on disease prediction
Project on disease prediction
 
Final ppt
Final pptFinal ppt
Final ppt
 
An Exploration on the Identification of Plant Leaf Diseases using Image Proce...
An Exploration on the Identification of Plant Leaf Diseases using Image Proce...An Exploration on the Identification of Plant Leaf Diseases using Image Proce...
An Exploration on the Identification of Plant Leaf Diseases using Image Proce...
 
Disease prediction and doctor recommendation system
Disease prediction and doctor recommendation systemDisease prediction and doctor recommendation system
Disease prediction and doctor recommendation system
 
HEALTH PREDICTION ANALYSIS USING DATA MINING
HEALTH PREDICTION ANALYSIS USING DATA  MININGHEALTH PREDICTION ANALYSIS USING DATA  MINING
HEALTH PREDICTION ANALYSIS USING DATA MINING
 
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdfDigital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
 
Object detection presentation
Object detection presentationObject detection presentation
Object detection presentation
 
PROJECT FINAL PPT
PROJECT FINAL PPTPROJECT FINAL PPT
PROJECT FINAL PPT
 
Machine Learning in Healthcare Diagnostics
Machine Learning in Healthcare DiagnosticsMachine Learning in Healthcare Diagnostics
Machine Learning in Healthcare Diagnostics
 
Plant disease detection using machine learning algorithm-1.pptx
Plant disease detection using machine learning algorithm-1.pptxPlant disease detection using machine learning algorithm-1.pptx
Plant disease detection using machine learning algorithm-1.pptx
 
Texture Classification
Texture ClassificationTexture Classification
Texture Classification
 
House price prediction
House price predictionHouse price prediction
House price prediction
 
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical AnalysisBrain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
Brain Tumor Segmentation using Enhanced U-Net Model with Empirical Analysis
 
Animal intrusion detection system
Animal intrusion detection systemAnimal intrusion detection system
Animal intrusion detection system
 
Project synopsis on face recognition in e attendance
Project synopsis on face recognition in e attendanceProject synopsis on face recognition in e attendance
Project synopsis on face recognition in e attendance
 
Survey on data mining techniques in heart disease prediction
Survey on data mining techniques in heart disease predictionSurvey on data mining techniques in heart disease prediction
Survey on data mining techniques in heart disease prediction
 
Chronic Kidney Disease Prediction
Chronic Kidney Disease PredictionChronic Kidney Disease Prediction
Chronic Kidney Disease Prediction
 
PPT.pptx
PPT.pptxPPT.pptx
PPT.pptx
 
Health Prediction System - an Artificial Intelligence Project 2015
Health Prediction System - an Artificial Intelligence Project 2015Health Prediction System - an Artificial Intelligence Project 2015
Health Prediction System - an Artificial Intelligence Project 2015
 
Lung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdfLung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdf
 

Similar to IDENTIFICATION AND CLASSIFICATION OF RARE MEDICINAL PLANTS USING MACHINE LEARNING TECHNIQUES

Automatic Recognition of Medicinal Plants using Machine Learning Techniques
Automatic Recognition of Medicinal Plants using Machine Learning TechniquesAutomatic Recognition of Medicinal Plants using Machine Learning Techniques
Automatic Recognition of Medicinal Plants using Machine Learning Techniques
IRJET Journal
 
Comparative study of various supervisedclassification methodsforanalysing def...
Comparative study of various supervisedclassification methodsforanalysing def...Comparative study of various supervisedclassification methodsforanalysing def...
Comparative study of various supervisedclassification methodsforanalysing def...
eSAT Publishing House
 
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...
IRJET Journal
 
IRJET- Leaf Disease Detecting using CNN Technique
IRJET- Leaf Disease Detecting using CNN TechniqueIRJET- Leaf Disease Detecting using CNN Technique
IRJET- Leaf Disease Detecting using CNN Technique
IRJET Journal
 
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...
IRJET Journal
 
IRJET - A Review on Identification and Disease Detection in Plants using Mach...
IRJET - A Review on Identification and Disease Detection in Plants using Mach...IRJET - A Review on Identification and Disease Detection in Plants using Mach...
IRJET - A Review on Identification and Disease Detection in Plants using Mach...
IRJET Journal
 
Ayur-Vriksha A Deep Learning Approach for Classification of Medicinal Plants
Ayur-Vriksha A Deep Learning Approach for Classification of Medicinal PlantsAyur-Vriksha A Deep Learning Approach for Classification of Medicinal Plants
Ayur-Vriksha A Deep Learning Approach for Classification of Medicinal Plants
IRJET Journal
 
IRJET- Texture based Features Approach for Crop Diseases Classification and D...
IRJET- Texture based Features Approach for Crop Diseases Classification and D...IRJET- Texture based Features Approach for Crop Diseases Classification and D...
IRJET- Texture based Features Approach for Crop Diseases Classification and D...
IRJET Journal
 
A NOVEL DATA DICTIONARY LEARNING FOR LEAF RECOGNITION
A NOVEL DATA DICTIONARY LEARNING FOR LEAF RECOGNITIONA NOVEL DATA DICTIONARY LEARNING FOR LEAF RECOGNITION
A NOVEL DATA DICTIONARY LEARNING FOR LEAF RECOGNITION
sipij
 
Foliage Measurement Using Image Processing Techniques
Foliage Measurement Using Image Processing TechniquesFoliage Measurement Using Image Processing Techniques
Foliage Measurement Using Image Processing Techniques
IJTET Journal
 
Plant Leaf Disease Detection and Classification Using Image Processing
Plant Leaf Disease Detection and Classification Using Image ProcessingPlant Leaf Disease Detection and Classification Using Image Processing
Plant Leaf Disease Detection and Classification Using Image Processing
IRJET Journal
 
Flower Grain Image Classification Using Supervised Classification Algorithm
Flower Grain Image Classification Using Supervised Classification AlgorithmFlower Grain Image Classification Using Supervised Classification Algorithm
Flower Grain Image Classification Using Supervised Classification Algorithm
IJERD Editor
 
Potato Leaf Disease Detection Using Machine Learning
Potato Leaf Disease Detection Using Machine LearningPotato Leaf Disease Detection Using Machine Learning
Potato Leaf Disease Detection Using Machine Learning
IRJET Journal
 
Multilinear Kernel Mapping for Feature Dimension Reduction in Content Based M...
Multilinear Kernel Mapping for Feature Dimension Reduction in Content Based M...Multilinear Kernel Mapping for Feature Dimension Reduction in Content Based M...
Multilinear Kernel Mapping for Feature Dimension Reduction in Content Based M...
ijma
 
Robotic process automation (RPA) is the application of technology that allows...
Robotic process automation (RPA) is the application of technology that allows...Robotic process automation (RPA) is the application of technology that allows...
Robotic process automation (RPA) is the application of technology that allows...
shailajawesley023
 
IRJET- Supervised Learning Approach for Flower Images using Color, Shape and ...
IRJET- Supervised Learning Approach for Flower Images using Color, Shape and ...IRJET- Supervised Learning Approach for Flower Images using Color, Shape and ...
IRJET- Supervised Learning Approach for Flower Images using Color, Shape and ...
IRJET Journal
 
Plant Disease Prediction Using Image Processing
Plant Disease Prediction Using Image ProcessingPlant Disease Prediction Using Image Processing
Plant Disease Prediction Using Image Processing
IRJET Journal
 
Plant Diseases Prediction Using Image Processing
Plant Diseases Prediction Using Image ProcessingPlant Diseases Prediction Using Image Processing
Plant Diseases Prediction Using Image Processing
IRJET Journal
 
Automated Plant Identification with CNN
Automated Plant Identification with CNNAutomated Plant Identification with CNN
Automated Plant Identification with CNN
IRJET Journal
 
The International Journal of Engineering and Science (The IJES)
The International Journal of Engineering and Science (The IJES)The International Journal of Engineering and Science (The IJES)
The International Journal of Engineering and Science (The IJES)
theijes
 

Similar to IDENTIFICATION AND CLASSIFICATION OF RARE MEDICINAL PLANTS USING MACHINE LEARNING TECHNIQUES (20)

Automatic Recognition of Medicinal Plants using Machine Learning Techniques
Automatic Recognition of Medicinal Plants using Machine Learning TechniquesAutomatic Recognition of Medicinal Plants using Machine Learning Techniques
Automatic Recognition of Medicinal Plants using Machine Learning Techniques
 
Comparative study of various supervisedclassification methodsforanalysing def...
Comparative study of various supervisedclassification methodsforanalysing def...Comparative study of various supervisedclassification methodsforanalysing def...
Comparative study of various supervisedclassification methodsforanalysing def...
 
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...
IRJET- Identification of Indian Medicinal Plant by using Artificial Neural Ne...
 
IRJET- Leaf Disease Detecting using CNN Technique
IRJET- Leaf Disease Detecting using CNN TechniqueIRJET- Leaf Disease Detecting using CNN Technique
IRJET- Leaf Disease Detecting using CNN Technique
 
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...
 
IRJET - A Review on Identification and Disease Detection in Plants using Mach...
IRJET - A Review on Identification and Disease Detection in Plants using Mach...IRJET - A Review on Identification and Disease Detection in Plants using Mach...
IRJET - A Review on Identification and Disease Detection in Plants using Mach...
 
Ayur-Vriksha A Deep Learning Approach for Classification of Medicinal Plants
Ayur-Vriksha A Deep Learning Approach for Classification of Medicinal PlantsAyur-Vriksha A Deep Learning Approach for Classification of Medicinal Plants
Ayur-Vriksha A Deep Learning Approach for Classification of Medicinal Plants
 
IRJET- Texture based Features Approach for Crop Diseases Classification and D...
IRJET- Texture based Features Approach for Crop Diseases Classification and D...IRJET- Texture based Features Approach for Crop Diseases Classification and D...
IRJET- Texture based Features Approach for Crop Diseases Classification and D...
 
A NOVEL DATA DICTIONARY LEARNING FOR LEAF RECOGNITION
A NOVEL DATA DICTIONARY LEARNING FOR LEAF RECOGNITIONA NOVEL DATA DICTIONARY LEARNING FOR LEAF RECOGNITION
A NOVEL DATA DICTIONARY LEARNING FOR LEAF RECOGNITION
 
Foliage Measurement Using Image Processing Techniques
Foliage Measurement Using Image Processing TechniquesFoliage Measurement Using Image Processing Techniques
Foliage Measurement Using Image Processing Techniques
 
Plant Leaf Disease Detection and Classification Using Image Processing
Plant Leaf Disease Detection and Classification Using Image ProcessingPlant Leaf Disease Detection and Classification Using Image Processing
Plant Leaf Disease Detection and Classification Using Image Processing
 
Flower Grain Image Classification Using Supervised Classification Algorithm
Flower Grain Image Classification Using Supervised Classification AlgorithmFlower Grain Image Classification Using Supervised Classification Algorithm
Flower Grain Image Classification Using Supervised Classification Algorithm
 
Potato Leaf Disease Detection Using Machine Learning
Potato Leaf Disease Detection Using Machine LearningPotato Leaf Disease Detection Using Machine Learning
Potato Leaf Disease Detection Using Machine Learning
 
Multilinear Kernel Mapping for Feature Dimension Reduction in Content Based M...
Multilinear Kernel Mapping for Feature Dimension Reduction in Content Based M...Multilinear Kernel Mapping for Feature Dimension Reduction in Content Based M...
Multilinear Kernel Mapping for Feature Dimension Reduction in Content Based M...
 
Robotic process automation (RPA) is the application of technology that allows...
Robotic process automation (RPA) is the application of technology that allows...Robotic process automation (RPA) is the application of technology that allows...
Robotic process automation (RPA) is the application of technology that allows...
 
IRJET- Supervised Learning Approach for Flower Images using Color, Shape and ...
IRJET- Supervised Learning Approach for Flower Images using Color, Shape and ...IRJET- Supervised Learning Approach for Flower Images using Color, Shape and ...
IRJET- Supervised Learning Approach for Flower Images using Color, Shape and ...
 
Plant Disease Prediction Using Image Processing
Plant Disease Prediction Using Image ProcessingPlant Disease Prediction Using Image Processing
Plant Disease Prediction Using Image Processing
 
Plant Diseases Prediction Using Image Processing
Plant Diseases Prediction Using Image ProcessingPlant Diseases Prediction Using Image Processing
Plant Diseases Prediction Using Image Processing
 
Automated Plant Identification with CNN
Automated Plant Identification with CNNAutomated Plant Identification with CNN
Automated Plant Identification with CNN
 
The International Journal of Engineering and Science (The IJES)
The International Journal of Engineering and Science (The IJES)The International Journal of Engineering and Science (The IJES)
The International Journal of Engineering and Science (The IJES)
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
IRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
IRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
IRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
IRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
IRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
IRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
IRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
IRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
PriyankaKilaniya
 
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
Yasser Mahgoub
 
一比一原版(uofo毕业证书)美国俄勒冈大学毕业证如何办理
一比一原版(uofo毕业证书)美国俄勒冈大学毕业证如何办理一比一原版(uofo毕业证书)美国俄勒冈大学毕业证如何办理
一比一原版(uofo毕业证书)美国俄勒冈大学毕业证如何办理
upoux
 
AI + Data Community Tour - Build the Next Generation of Apps with the Einstei...
AI + Data Community Tour - Build the Next Generation of Apps with the Einstei...AI + Data Community Tour - Build the Next Generation of Apps with the Einstei...
AI + Data Community Tour - Build the Next Generation of Apps with the Einstei...
Paris Salesforce Developer Group
 
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 08 Doors and Windows.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 08 Doors and Windows.pdf2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 08 Doors and Windows.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 08 Doors and Windows.pdf
Yasser Mahgoub
 
Null Bangalore | Pentesters Approach to AWS IAM
Null Bangalore | Pentesters Approach to AWS IAMNull Bangalore | Pentesters Approach to AWS IAM
Null Bangalore | Pentesters Approach to AWS IAM
Divyanshu
 
Comparative analysis between traditional aquaponics and reconstructed aquapon...
Comparative analysis between traditional aquaponics and reconstructed aquapon...Comparative analysis between traditional aquaponics and reconstructed aquapon...
Comparative analysis between traditional aquaponics and reconstructed aquapon...
bijceesjournal
 
LLM Fine Tuning with QLoRA Cassandra Lunch 4, presented by Anant
LLM Fine Tuning with QLoRA Cassandra Lunch 4, presented by AnantLLM Fine Tuning with QLoRA Cassandra Lunch 4, presented by Anant
LLM Fine Tuning with QLoRA Cassandra Lunch 4, presented by Anant
Anant Corporation
 
Data Driven Maintenance | UReason Webinar
Data Driven Maintenance | UReason WebinarData Driven Maintenance | UReason Webinar
Data Driven Maintenance | UReason Webinar
UReason
 
An Introduction to the Compiler Designss
An Introduction to the Compiler DesignssAn Introduction to the Compiler Designss
An Introduction to the Compiler Designss
ElakkiaU
 
132/33KV substation case study Presentation
132/33KV substation case study Presentation132/33KV substation case study Presentation
132/33KV substation case study Presentation
kandramariana6
 
Welding Metallurgy Ferrous Materials.pdf
Welding Metallurgy Ferrous Materials.pdfWelding Metallurgy Ferrous Materials.pdf
Welding Metallurgy Ferrous Materials.pdf
AjmalKhan50578
 
AI for Legal Research with applications, tools
AI for Legal Research with applications, toolsAI for Legal Research with applications, tools
AI for Legal Research with applications, tools
mahaffeycheryld
 
Digital Twins Computer Networking Paper Presentation.pptx
Digital Twins Computer Networking Paper Presentation.pptxDigital Twins Computer Networking Paper Presentation.pptx
Digital Twins Computer Networking Paper Presentation.pptx
aryanpankaj78
 
Use PyCharm for remote debugging of WSL on a Windo cf5c162d672e4e58b4dde5d797...
Use PyCharm for remote debugging of WSL on a Windo cf5c162d672e4e58b4dde5d797...Use PyCharm for remote debugging of WSL on a Windo cf5c162d672e4e58b4dde5d797...
Use PyCharm for remote debugging of WSL on a Windo cf5c162d672e4e58b4dde5d797...
shadow0702a
 
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
IJECEIAES
 
Gas agency management system project report.pdf
Gas agency management system project report.pdfGas agency management system project report.pdf
Gas agency management system project report.pdf
Kamal Acharya
 
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
IJECEIAES
 
morris_worm_intro_and_source_code_analysis_.pdf
morris_worm_intro_and_source_code_analysis_.pdfmorris_worm_intro_and_source_code_analysis_.pdf
morris_worm_intro_and_source_code_analysis_.pdf
ycwu0509
 
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
nedcocy
 

Recently uploaded (20)

Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
 
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
 
一比一原版(uofo毕业证书)美国俄勒冈大学毕业证如何办理
一比一原版(uofo毕业证书)美国俄勒冈大学毕业证如何办理一比一原版(uofo毕业证书)美国俄勒冈大学毕业证如何办理
一比一原版(uofo毕业证书)美国俄勒冈大学毕业证如何办理
 
AI + Data Community Tour - Build the Next Generation of Apps with the Einstei...
AI + Data Community Tour - Build the Next Generation of Apps with the Einstei...AI + Data Community Tour - Build the Next Generation of Apps with the Einstei...
AI + Data Community Tour - Build the Next Generation of Apps with the Einstei...
 
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 08 Doors and Windows.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 08 Doors and Windows.pdf2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 08 Doors and Windows.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 08 Doors and Windows.pdf
 
Null Bangalore | Pentesters Approach to AWS IAM
Null Bangalore | Pentesters Approach to AWS IAMNull Bangalore | Pentesters Approach to AWS IAM
Null Bangalore | Pentesters Approach to AWS IAM
 
Comparative analysis between traditional aquaponics and reconstructed aquapon...
Comparative analysis between traditional aquaponics and reconstructed aquapon...Comparative analysis between traditional aquaponics and reconstructed aquapon...
Comparative analysis between traditional aquaponics and reconstructed aquapon...
 
LLM Fine Tuning with QLoRA Cassandra Lunch 4, presented by Anant
LLM Fine Tuning with QLoRA Cassandra Lunch 4, presented by AnantLLM Fine Tuning with QLoRA Cassandra Lunch 4, presented by Anant
LLM Fine Tuning with QLoRA Cassandra Lunch 4, presented by Anant
 
Data Driven Maintenance | UReason Webinar
Data Driven Maintenance | UReason WebinarData Driven Maintenance | UReason Webinar
Data Driven Maintenance | UReason Webinar
 
An Introduction to the Compiler Designss
An Introduction to the Compiler DesignssAn Introduction to the Compiler Designss
An Introduction to the Compiler Designss
 
132/33KV substation case study Presentation
132/33KV substation case study Presentation132/33KV substation case study Presentation
132/33KV substation case study Presentation
 
Welding Metallurgy Ferrous Materials.pdf
Welding Metallurgy Ferrous Materials.pdfWelding Metallurgy Ferrous Materials.pdf
Welding Metallurgy Ferrous Materials.pdf
 
AI for Legal Research with applications, tools
AI for Legal Research with applications, toolsAI for Legal Research with applications, tools
AI for Legal Research with applications, tools
 
Digital Twins Computer Networking Paper Presentation.pptx
Digital Twins Computer Networking Paper Presentation.pptxDigital Twins Computer Networking Paper Presentation.pptx
Digital Twins Computer Networking Paper Presentation.pptx
 
Use PyCharm for remote debugging of WSL on a Windo cf5c162d672e4e58b4dde5d797...
Use PyCharm for remote debugging of WSL on a Windo cf5c162d672e4e58b4dde5d797...Use PyCharm for remote debugging of WSL on a Windo cf5c162d672e4e58b4dde5d797...
Use PyCharm for remote debugging of WSL on a Windo cf5c162d672e4e58b4dde5d797...
 
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
Redefining brain tumor segmentation: a cutting-edge convolutional neural netw...
 
Gas agency management system project report.pdf
Gas agency management system project report.pdfGas agency management system project report.pdf
Gas agency management system project report.pdf
 
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
 
morris_worm_intro_and_source_code_analysis_.pdf
morris_worm_intro_and_source_code_analysis_.pdfmorris_worm_intro_and_source_code_analysis_.pdf
morris_worm_intro_and_source_code_analysis_.pdf
 
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
 

IDENTIFICATION AND CLASSIFICATION OF RARE MEDICINAL PLANTS USING MACHINE LEARNING TECHNIQUES

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1486 IDENTIFICATION AND CLASSIFICATION OF RARE MEDICINAL PLANTS USING MACHINE LEARNING TECHNIQUES Shalma Preethi1, Varshitha2, Jane Princy3, Anusha Gowda4, Mrs. Archana Priyadarshini5 1-4Student, Dept. of Information Science and Engineering, CEC, Karnataka, India 5Asst. Professor, Dept, of Information Science and Engineering, CEC, Karnataka, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - As the demand for Ayurvedic medicine increases, demand for medicinal leaves will also increase. Plants are usually identified by human experts using their visual features and it takes a lot of time. In medicinal field, Incorrect identification or error in identification ofmedicinalplantscan lead to unfavorable results. Plant identification can be automated using visual morphological characteristicssuch as the shape, colour, and texture of the leaves and flowers. This project focuses on machine learning algorithms to get accurate results. Randomforestalgorithm, k-nearestneighbor algorithm and Logistic regression algorithm are applied to classify the rare medicinal plants from non-medicinal plants. Rare medicinal plants are rarely found in the local gardens and the knowledge of these medicinal plants is in the verge of extinction. This project helps to identify rare medicinal plants using different machine learning techniques. The leaves are identified and classified based on the unique feature combination. Maximum accuracy is expected using various machine learning techniques. Key Words: Rare medicinal plants, Segmentation, Machine learning algorithms, Accuracy. 1. INTRODUCTION Medicinal plants can be identified based on their different parts such as leaves, flowers, fruits are planted as a whole. Among all the modalities, leaves are considered as a major and promising modality for the effective classification of medicinal plants. Leaves are obtained in all seasons hence these are identified using machine learning and appropriate names are detected. Both the front andback sides.Maximum accuracy isexpectedusingvariousmachinelearningofleaves arecaptured and detected.Thereforethisprojectcontributes in faster identification of medicinal plants without any manualsupport theleaves areclassified basedontheunique feature combination. This project can be widely applied in the field of Ayurveda to classify medicinal plants from non- medicinal plants on day to day life basis. 2. RELATED WORKS In paper[1] the author proposed a method where different features are tested using MLP(multi-layer percepton) and SVM(support vector machine) . MLP has used a Geometrical colour texture combination with 38 different features of leaves where both the sides of a leaf were scanned and features were extracted in order to achieve the higher identification rate. Features such as geometric features, colour features, texture features, HU invariants and Zernike moments are extracted. This method has provided accuracies based on SVM classifiers and MLP classifiers and overall accuracies have been noted. These selected feature combinations are tested using 14 different classifiers and maximum accuracy is noted. These selected features can be set for both dry and green leaves. Since various machine learning languages and neural network algorithmsareused, the highest accuracy has been achieved by using MLP neural network classifier i.e 99% of accuracy. In paper[2] the author proposed a straightforward method for medicinal leaf identification and classification using image processing. It basically had 3 basic phases, Image Acquisition Phase, Image Pre-processing Phase and Feature extraction Phase. Image Acquisition means capturing the image of the leaf using a camera or anyothersuitablegadget. In Image Pre-processing Phase the background noise and other irregularities are removed and in the last step the features are extracted namely morphological features such as size, area and thickness are acquired. It uses a reference table for comparing these above-mentioned features. Various software methods are implemented here such as ANN is used for classification, Python programming is used for maintaining a dataset and MATLAB used for testing and comparison. In this process, the image is converted into a grayscale and then into a black and white pixel layout. In the next step that is classification various algorithms are used such as Classification and Regression Trees(CART), K- Nearest Neighbors, Logistic Regression, Naive Bayes, State vector machine, Linear discriminant analysis(LDA) and Neural network. Thesealgorithmswereappliedon12herbal medicines with 50 samples. This method has resulted in 98.61% accuracy. Paper[3] mainly contributes in explaining about the feature extraction from outdoor images. Here the images of leaves are captured along with its background. It uses two segmentation approacheswatershedapproachandgraphcut approach to extract the features from leaves.The Watershed algorithm is an image processing algorithm. The main purpose of this algorithm is to separate the object from its background noise. Here it separates the leaf image from its background or the noise. Using Graph cutwecansegment an image into foreground and background elements. It is a is a semi-automatic segmentation technique. In graph cut method, In order to identify what we want in theforeground and what we want in the background we can draw scribbles. Scribbles imply that we can draw lines on the image.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1487 Markers have a common relationship with a specific watershed region that is one to one relationship. we create two markers one for the target leaf and the other for the background. These two markers are also used as the sink and the source seeds in the graph-cut method. We can also use Primary and secondary vein detection to detect the names of the medicinal plants. To obtain the final resultthey have proposed a leaf refinement using leaf characteristics – colours, shape and other morphological features. Here the results obtained have high accuracy rate thanthepreviously explained methods. In paper[4] the author identifies the medicinal plants based on their colour, edge detection and GCLM(grey level concurrence matrix)etc. The Artificial neural network has been used as the classifier. The features are extracted from 50 different images and the colour and edge histogram features are extracted from plant leaf and trained with ANN classifier. The colour image is converted to greyscale image and its edges are detected and the medicinal plants are identified from the trained data sets .It can be applied on limited species because there might be similarities between the features that are being extracted here. Hence it may lead to confusion in the result but this method can be applied on the limited number of datasets and can identify the appropriate medicinal plant. In paper[5] the author proposed a system for training and testing total 64 samples. The main classifier used here is SVM( support vector machine) and the accuracy of around 96.6677% was identified. The image is pre-processed by sharpening the RGB image and converting it to a greyscale image. The next step was segmentation. Segmentation helps to identify the morphological features. This step also involves binarization of the digital image. The largest component of the binary image is selected for determining the different morphological features of the image that is geometric features, colour features and texture features, solidity, eccentricity Entropy, contrast, correlation, solidity, extent, equivalent, extent, Equivalent diameter, standard deviation, mean and class etc are involved in the feature set of image sample for training and testing the sample. Weka is a collection of different machinelearningalgorithmsthatare written in Java. It is an open-source software that is developed by the University of Waikato. The algorithms can be applied directly to a dataset.Weka containsdifferenttools that can be used for data pre-processing, classification, clustering, regression, feature selection, association rules, and visualization. these algorithms can be used in MATLAB or python. In paper[6] the author proposed a leaf detection application that has been developed for Android systems with the help of Open CV libraries which provides the basic tools for computer vision, whose main programminglanguageisC++, but can also be used with other languages such as C, Python and Java, and consequently also intheAndroid environment. Here they have used saliency maps methods to identify the medicinal plants. Saliency algorithms usedbythehumansso that they can easily segment image regions that are distinct from their neighbourhood for brightness, colour, shape and movement and therefore are defined salient.. Saliency methods have been applied to numerous vision problems included image segmentation. The first method for the saliency extraction is the algorithm of Itti, Koch and Niebur, based on the extraction of the Gaussian pyramids The other method for the saliency extraction is the Visual Saliency Feature (VSF) method. other algorithms such as Simple Linear Iterative Clustering (SLIC)algorithmwasalsoapplied in this approach. This paper [7] has 5 different classifiers k-NearestNeighbor algorithm, random forest algorithm, SVM, naive Bayes and Multilayer Perceptron Neural Network .It uses different morphological features like structure, shape, colour, different maps etc. Different accuracies are achieved using these methods. The highest accuracy of 90.1% was obtained from the random forest classifier and second-highest accuracy has been achieved by MultilayerPerceptronNeural Network. This excellent performance indicates the viability of such computer-aided approaches in the classification of biological specimens and its potential applicability in combating the 'taxonomic crisis'. It is designed as a mobile application where one can just scan the image of medicinal plant and if that leaf is trained by the dataset,wecanidentify the required medicinal leaf. In paper[8] the author used texture, shape, colour and edge features of leaves, fruits and seeds. Here the image was captured and pre processing was done using K means cluster, Gausian filter, graphcut and grabcut. Various machine learning classifiers are used to identify the types of medicinal plants. classifier algorithms such as Binary classification tree, Multi boost classifier, Random forest algorithm, K nearest neighbor algorithm and PNN(problamisticneural network)andANN(artificial neural network) are applied on 30 different species. In this method all the features of plants such as flowers, fruits and leaves are extracted hence it will lead to a higher identificationrate but it will be time-consuming as it as to access all features of all the parts of plant. In paper[9] the author proposed a simple method to classify the medicinal plants using various SVM classifiers. Features of the leaf are extracted using convnets and traditional SIFT +bag of features. These methods were used on different datasets such as Swedish dataset, Flavia dataset, CLEF_Uniform and CLEF_Natural.Butaccordingtothispaper it gives pretty good outcomes for swedish datasets followed by flavia dataset but not really good output in case of other datasets. This method was applied over 100 training samples. As for our expectations, CNN algorithms with pre- trained weights gives similar orbetteraccuracycomparedto SIFT+BoF. Particularly traditional method suffers on noisy datasets. The accuracy of the datasets are noted down, where the accuracy of Swedish dataset is obtained around 92%, with a test accuracy of 90.46%, but it doesn’t give
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1488 expected outcomes with other datasets especially Image CLEF dataset, which is almost equal to random guessing. In paper[10] the author has described about different machine level approaches. The features like venation, curvature and morphometric features were extracted in order to identify the medicinal plants. SIFT and SURF methods are used to extract the above mentioned features. The SIFT and grid based colour moment is used to classify plant species and it was applied on 40 different species. It achieved an accuracy around 87.5%. The classifier usedwas SVM support vector regression.The regression can be linear or nonlinear .SVM classifierisa supervisedcomputingdevice learning algorithm which can be used for classification and regression problems.SVM classifier classifies the images based on its unique features. This classification is used for each analysis and the trying out phase. 3. PROPOSED SYSTEM Fig-1.1 : Methodology Step 1: Input Leaf Image • Pictures of different leaves are photographed using a camera or comparative gadgets. • Image acquisition means to collect different type of samples for the formation of the input dataset. Dataset images further go through various processes. In order to provide best solution to any problem it is necessary that dataset cover majority of the different type of inputs. • One of the most common pre-processing practices is the conversion of the RGB image to a grayscale image. A grayscale image consists of shades of grey. This means that every pixel represents the intensity value at that pixel without showing any colour. Also in a grayscale image the intensity values at a pixel are not absolute and can be infractions. Gray scaling is very significant as it provides a more genuine colour information which playsa majorrolein segmentation. Fig 1.2: Edge detection Fig 1.3 : Grayscale image to binary image Step 2: Image Segmentation •Image segmentation is a part of digital image processing and computer vision, segmentation is theprocessofdividing a digital image into a number of segments. • The main aim of segmentation is to change the representation of an image into something that is more meaningful and more simpler so that it is more easier to analyze. • Because of colour or shape similarities, the foreground is separated from the background or densely packedgroupsof pixels. • Image segmentation is done using Otsu algorithm. Otsu algorithm is used to provide automatic image thresholding. Step 3: Feature Extraction • Plants consists of unique features such as different shapes, sizes, texture and edges. These features vary from one plants to another. • These features are easy to process, but still abletodescribe the actual data set with the accuracy and originality. • In this step we extract parameters or unique features from an image. The feature set is extracted by the MATLAB region props method[2].Manyfeatureslikearea, eccentricity,major axis, minor axis, solidity, inertia tensor, image orientation, bbox, mean intensity, moments central, euler number are collected.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1489 Fig 1.4: Medicinal plants with unique features Step 4: Classification • After feature extraction the next step is using the data and classifying different types of leaves. • Classification is the process of grouping data based on similarities or unique features of the leaf image. • Classification is done using 3 machine learning algorithms: • Random forest algorithm  Random Forest is one of the efficient machine learning classification methods.  A Large number of leaf datasets can be classified using this technique.  Random forest mechanism builds many decision trees on various leaf samples the result is based on the majority votes obtained. • K-Nearest Neighbor algorithm  Similar and dissimilar data are classified to more than one class using KNN classification technique.  K-NN algorithm does not provide any output based on assumptions.  It is also called a non – parametric , instance based learning and lazy learner algorithm because it does not learn from the training set immediately instead it stores the dataset and at the time of classification, it performs an action on the dataset. • Logistic algorithm  Logistic regression is one of the notable Machine Learning algorithms, which comes under the machine Learning technique.  It predicts the output of a categorical dependent variable. Therefore the outcome will have only one value. The output can be either Yes or No, 0 or 1, true or False, etc. But it gives the probabilistic values which lie between 0 and 1 , instead of exact value 0 and 1. Step 5: Identification • In this step the names of the rare medicinal plants are obtained. The accuracy obtained by these three algorithms- Random forest, K- nearest neighbourandLogisticregression will be compared and displayed in the form of Graph. As the user inputs a raw image of the medicinal plant, the output will be displayed to the user along with its data. 4. CONCLUSIONS In this work, we proposed a web based method to identify the rare medicinal plants using their unique morphological features. Otsu method was used for removing the background noise or irregularities of the image. After the completion of segmentation, Feature extraction was done using MATLAB region props table. Based on feature extraction and classifiers the model will be trained and tested. After extracting the features, three algorithms that is random forest, K-nearest Neighbor and logistic regression are used for classification. Given the input image the system will detect whether the leaf is medicinal or not. It displays the compared accuracies of three algorithms in the form of graph. For future work, we can try to include variety of images of leaves and try to include other parts of plantssuch as fruits, flowers and stem or as a whole plant and soil characteristics as well. We can also use Artificial neural networks and other advanced methods to identify the medicinal plants. REFERENCES [1] Kumar, P. M., Surya, C. M. and Gopi, V. P , “Identificationof Ayurvedic Medicinal Plants by Image Processing of leaf samples.” 2017 Third international ConferencesonResearch in Computational Interllence and Communication Networks(ICRCICN), Kolkata ,2017,pp. 231-238. [2]Robert G. de Luna, RenannG.Baldovino,Ezekiel A.Cotoco, Anton Louise P. de Ocampo, Ira C. Valenzuela, Alvin B. Culaba, Elmer P. Dadios Gokongwei College of Engineering, De La Salle University Manila, Philippines "Identification of Philippine Herbal Medicine Plant LeafUsingArtificial Neural Network" 2017 IEEE 9th International Conference on Humanoid, Nanotechnology, Information Technology, CommunicationandControl,Environment,andManagement (HNICEM) [3] Anantrasirichai, Nantheera & Hannuna, Sion & Canagarajah, Nishan. (2017). "Automatic Leaf Extraction from Outdoor Images".
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1490 [4]Aitwadkar P.P., DeshpandeS.C.,SavantA.V."Identification of Indian Medicinal Plant by usingArtificial Neural Network" International Research Journal of Engineering and Technology (IRJET) Volume: 05 Issue: 04 | Apr-2018 [5]Tejas D. Dahigaonkar1, Rasika T. Kalyane "Identification of Ayurvedic Medicinal Plants by Image Processing of leaf samples" Volume: 05 Issue: 05 | May-2018 [6]Putzu, Lorenzo & Di Ruberto, Cecilia & Fenu, Gianni. (2016). "A Mobile Application for Leaf Detection in Complex Background Using Saliency Maps". 10016. 570-581. 10.1007/978-3-319-48680-2_50. [7]Adams Begue, Venitha Kowlessur Fawzi Mahomoodally, Upasana Singh, Sameerchand Pudaruth* "Automatic Recognition of Medicinal Plants using Machine Learning Techniques" IJACSA) International Journal of Advanced Computer Science and ApplicationsVol. 8, No. 4, 2017 [8]RAJANI S, VEENA M.N "STUDY ON IDENTIFICATION AND CLASSIFICATION OF MEDICINAL PLANTS" International Journal of Advances in Science Engineering and Technology, ISSN(p): 2321 –8991Vol-6, Iss-2, Spl. Issue-2 Jun.-2018 [9]Albert Liu, albertpl@stanford.edu Yangming Huang, yangming@standford "Plant Leaf Recognition" [10]Samrity, Dr. Sandeep Kumar PLANT SPECIES RECOGNITION METHOD USING VARIOUSML-APPROACHES International Journal of Advanced Research in Computer Engineering & Technology (IJARCET) Volume 6, Issue 4, April 2017