Canadian Medicinal Plant Detection Using Convolutional Neural Network With Transfer Learning
Canadian Medicinal Plant Detection Using Convolutional Neural Network With Transfer Learning
Malita Dodti
School of Computer Science
University of Windsor
Windsor, Canada
[email protected]
Abstract—Nowadays, computerized plant species classification most commonly used Neutral Networks for image processing
systems are used to help the people in the detection of the various is Convolutional Neural Network (CNN).
species. However, the automated analysis of plant species is The rest of the paper are distributed as follows: In section
challenging as compared to human interpretation. This research
as been provided in this field for the better classification of plant 2, we gave a brief description of the motivation of our
species. Even now, these methodologies lack an exact classification work. In section 3, we discussed some of the remarkable
of the plant species. The challenge is due to the inappropriate researches related to our work. Data collection procedure
classification algorithm. In Particular, when we consider the has been discussed in section 4. In section 5, we described
medicinal plant species recognition, the accuracy will be the the background study including the CNN, transfer learning,
main criteria. In this research, the suggested system implements
the deep learning technique to obtain high accuracy in the and detailed implementation of our model including the data
classification process using computer prediction methods.The prepossessing. Results are discussed discussed in sections 6.
Convolutional Neural Network (CNN) is employed beside transfer Finally, conclusion and future works are discussed in section
learning for deep learning of medicinal plant images. This 7.
research work has been carried out on the flower images dataset
of four Canadian medical plants; namely, Clubmoss, Dandelion, II. M OTIVATION
Lobelia, and Bloodroot, which is fed as the training dataset for
the CNN and machine learning-based proposed system. Finally, Medicinal plants have been utilized in curing human dis-
an accuracy of 96% has been achieved in classification of the eases for thousands of centuries and are the source of a
medicinal plant species. significant percentage of medicines. Canadian medicinal plants
Index Terms—Image Classification, Medicinal Plant classifica- have a prolonged history of consumption with hundreds of
tion, Convolutional Neural Network, Transfer Learning
classes being employed by First Nations Canadians in their
old-style medicine. Medicinal plant species classification is
I. I NTRODUCTION critical for medicine production and conservation. Local peo-
ples are not enough knowledgeable of their urban medicinal
A medicinal plant is delineated as a plant that is collected plants and their usages. Therefore, classifying the Canadian
from the wild or planted plant for its medicinal value. Plants medicinal plant image using Convolutional Neural Network
have been utilized in curing human diseases for thousands by high accuracy image classification model could be useful
of centuries and are the source of a significant percentage of to identify different types of species.
medicines. Canadian medicinal plants have a prolonged history
of consumption with hundreds of classes being employed III. L ITERATURE R EVIEW
by First Nations Canadians in their old-style medicine [1]. There is no particular research has been done to detect
In recent years, some computational approaches have been medicinal plants of Canada using image classification tech-
introduced, particularly in image processing domain, for plant nique with the best of our knowledge. However, there are
classification. In this regard, Neural Networks represent novel different proposed techniques to classify objects or flowers,
techniques for image processing, with large potentials. The and some of them employed deep learning approaches. In most
researches, classification challenges are deal with using CNN- and 50 layers are considered. Amongst the four sets of layers
based algorithms. The Convolutional Neural Networks (CNN) considered, ResNet26 out-performed the other three models.
shows considerable accomplishment in different research and For experimental training, the learning rate is set to 0.001.
real-world projects. One of the earliest applications of CNN Flavia dataset accuracy (99.65%) result is compared with other
was handwritten recognition [2]. By developing of CNN approaches like Radial Basis Probabilistic Neural Network
technique, innovative models, which include new layers, are (RBPNN), Deep Belief Network with dropout (DBN), Support
presented. In ImageNet challenges, CNN has been utilized Vector Machine (SVM), andResNet26. ResNet26 architecture
mostly with different datasets mixtures. Some researchers produced an accuracy of 91.78% recognition rate for the
compared human detection abilities and a trained network on BJFU100 dataset. Barre et al. [11] developed a LeafNet, a
image recognition. The output of these comparisons depicts CNN-based plant identification system.The leaflet consisted
that humans can detect an image with accuracy about 73.1% of five sets of 2 convolutional layers and one max-pooling
while the trained network shows up 64% accuracy. Also, after layer followed by one convolution, one max-pooling layer,
employing Convolutional Neural Networks to a similar dataset, and three fully connected layers. The leaflet is tested over
it revealed the 74.9% accuracy, so it depicts better results than Leafsnap, Foliage, and Flavia datasets.
human recognition [3]. In recent flower classification researches, various neural
Then, in a study, a deep CNN-based framework of a network classification models are compared; however, their
hierarchical structure was presented that applies a transfer primary focus is on LeNet and AlexNet. Their best result
learning method to modify a deep CNN model. His con- is shown on the AlexNet model, which is implemented with
clusions indicate that this approach can efficiently improve Sigmoid for assigning initial weights [12]. Furthermore, on
classification accuracy [4]. On the other research, a CNN another very recent research for flower classification, a hybrid
method for the flower classification problem was presented. method is utilized together with Convolutional Neural Net-
Their conclusions demonstrate the accuracy of 84.02% [5]. work models and feature selection methods. In this suggested
Additionally, a CNN framework is presented for plant classifi- model Convolutional Neural Network is employed for feature
cation. This framework was presented for the classification of extraction. And then, for selecting between achieved features,
several varieties of plants from the image database collected feature selection methods are utilized. Their classification
from intelligent agriculture stations. In this research, a CNN- model achievement completed by the Support Vector Machine
based architecture is employed for feature extraction of various (SVM) technique was 98.91% [13]. Likewise, Saini and
plant images, which is utilized based on the TARBIL database Khamparia present a plant leaf classification using a deep Con-
and achieved 97.47% accuracy on 16 various plant types. volutional Neural Network method based on a five thousand
This research shows that the CNN-based classification result leaf images of two plant. Their result shows 99.96% accuracy
in more accuracy compares to the SVM-based classification on the training dataset and 99.90% on the test dataset [14].
[6]. In another study, a leaf classification framework has In other recent research, they utilized VGG19, three layers
been proposed by applying the dual-path deep CNN. This CNN and five layers CNN network for classification species
method contains two main functions, firstly the shape and of succulent plant. This method reaches a high accuracy of
texture attributes are analyzed; secondly, the found attributes 99.77%. Their dataset includes 3632 images, which are ten
are optimized for the classification. This method shows high species of succulent plants and non-succulent plants [15].
accuracy in classification of about 99.28% on the Flavia Some researchers also used hybrid models to detect local
dataset [7]. foods [16] and birds [17]. Similarly, in another research,
Ghazi et al. [4] applied transfer learning over the Life a hybrid method is proposed for plant classification. Their
CLEF plant dataset with the help of pre-trained models like recommended method consists of two parts; applying CNN
AlexNet, GoogleNet, and VGGNet. For all these deep convo- for feature extraction and then on the second phase train
lutional neural networks, fine-tuning is performed, and various the random forest model. In this work, PlantCLEF 2019
parameters are analyzed after data augmentation. Parameters dataset was used for the experimental part. Their tested model
like batch size and the number of iterations are analyzed. produces generally higher accuracy than prior strategies [18].
And on a recent research four variety of transfer learning Moreover, in other similar research, a regional convolution
models is compared n four datasets. And the output shows neural network (RCNN) utilized for the detection of plants.
the effectiveness role of transfer learning on increasing the They employed a fast RCNN model, which consists of a
performance of prior plant classification models [8].Also, Convolutional Neural Network for extracting features and
in recent research for classifying natural images by applying support vector machine (SVM) for classification. The plants
the transfer learning approach, they achieved 99.7% overall studied in this research are the medicinal plants that can be
accuracy [9]. Then Sun et al. [10] proposed a 26-layer displayed in various locations like the Himalayas or can be
ResNet (Residual Network) model for plant identification. produced in the local garden [19]. One of another recent
BJFU100 dataset is used, and it consists of 10000 images of main application of transfer learning in classification plants is
100 ornamental plant species found in Beijing Forestry Univer- in smarts farms [20] [21] [22] and plant disease recognition
sity campus. For experimental analysis, BJFU100 and Flavia systems [20] [23] [24].
datasets are utilized. In deep residual networks, 18, 26, 34, Based on the significant number of the literature survey, it is
clear that the reported work on plant classification over Cana- compared to a typical NN is that it automatically detects the
dian plant species is sparse. Also, numerous research works significant features without any supervision. A CNN is consists
are carried out using features such as shape, texture, color, of various layers that transform an input into the output. The
morphological, or physiological features. Reported works on complexity of the learned features increases in every hidden
plant species classification using deep learning architecture are layer. For example, detection simple features are learned in
limited. Hence in this project, an investigation is performed the first hidden layer, like edges, and the detection of more
using Convolutional Neural Network in order to achieve a complex shapes in the last one. A CNN model is composed
higher plant classification rate. of two main components: the feature extraction part and the
classification part (Fig 1).
IV. DATA
Numerous medicinal species of woodlands as slow-growing
perennials are found near Canada’s Waterfall area. In this
study, we utilize dataset contains 1805 images, includes
approximately 400 images for each species. Four group
of species are selected in this study namely Clubmoss,
Dandelion, Lobelia, and Bloodroot. We use texture, shape,
color,physiological or morphological as the features set of
the data. The most important advantageous of clubmoss are
its usage to treat kidney and urinary disorders. Moreover,
Dandelion is a native plant of Canada and commonly used
as a weed, growing at one of the many Canadian camping
grounds. Health values dandelion provides is to treat joint
Fig. 1. The Overview of a CNN and its main components [26]
complaints, liver disorders, skin conditions, and anemia. Also,
Lobelia is local to Prince Edward Island, Nova Scotia, New In order to understand a CNN architecture, we introduce
Brunswick, and parts of Ontario and Quebec. It also widely several concepts. Compared to a typical neural network in
known as Indian tobacco. It is beneficial mostly for relieving which each input layer’s neuron is linked to the hidden layer’s
respiratory ailments such as bronchitis and asthma. smoking neurons. In a CNN we have Local Receptive Fields, a small
the leaves or brewing them into a tea are two main usage of it. number of input layer’s neurons which are connected to the
Furthermore, great Lakes, as well as Nova Scotia and parts of hidden layer’s neurons. The local receptive field use convolu-
New Brunswick are residence of Bloodroot. It alleviate skin tion to translate an image into a feature map. Convolution can
issues and respiratory ailments. Moreover, Bloodroot is toxic perform the mathematical convolution operation by moving
and one should use it carefully under the prescription of a a filter across the image. At every region, an element-wise
qualified physician. matrix multiplication and summation of the result are done.
In this study we follow some steps for data collection. i) This sum create the feature map, the yellow area in Fig 2.
Articulate the problem; Knowing what one wants to predict Non-linearity features make powerful any type of neural
helps in deciding the data valuable to collect. Data Exploration network. A neural network can achieve this using an activation
in the categories of Classification, Clustering, Regression, and function by passing the weighted sum of its inputs to the next
Ranking helps with the decision. ii)Establish Data Collection layer. CNN use the same function and applies the transforma-
Mechanism; Process of collecting the Data which can be tion to the output of each neuron by passing the result of the
Automated or Manual based on the requirement. iii)Format convolution operation through an activation function. ReLU
Data; File format of the images stored need to be same for or Rectified Linear Unit is a popular activation function that
maintaining the consistency. iv) Reduce Size; Data need to be maps the output of a neuron to the highest value in the next
collected based on the target needs to be achieved which is layer (Fig 3).
critical for our Dataset. v) Complete Data Cleansing; Data with A pooling step can use for the dimensionality reduction of
missing, erroneous or fewer representative values is removed the features map by compressing the output of small number
to make prediction more accurate. of neurons into a one output (Fig 4). We call this a kind of
down-sampling the feature map which keeps the important
V. BACKGROUND S TUDY AND M ETHODOLOGY
features on CNN automatically. Meanwhile, this can leads to
A. Background Study reduction of the number of parameters to learn the model.
1) Convolutional Neural Network (CNN): A Convolutional A fully connected layer can make it flat the output of the
Neural Network, CNN, is a deep learning architecture [25]. last pooling layer to a 1 dimension vector of values. As it
Image classification is one of the problems that a CNN could can be seen in Fig 5, between 4 nodes and 5 nodes a fully
do and is a trained network that can classify images into connected layer is just a dot product of the 1x4 input vector,
one of a thousand pre-determined categories. One can employ yellow nodes, with the 4x5 weight matrix W1. The result of
a CNN to do image processing including image detection, this matrix multiplication is a 1x5 vector, shown as the red
segmentation, and classification. The main advantage of CNN nodes. We then multiply this 1x5 vector with a 5x5 matrix
Fig. 5. A fully connected layer is used to flatten the output of the last pooling
layer
Fig. 3. ReLU activation function maps the output of a neuron to the highest
value
TABLE I
T HE SIZE OF SAMPLES IN TRAIN , TEST, AND VALIDATION SET