Medical Plant Detection Using Transfer Learning Coupled With K-Nearest Neighbour Algorithm
Medical Plant Detection Using Transfer Learning Coupled With K-Nearest Neighbour Algorithm
Oriented Gradients) from the images. HOG features capture the development of a mobile application for easy access to plant
edge and gradient information in an image, which can be information through QR code scanning in herbal gardens.
helpful for object detection. Notably, the emphasis seems to [8] In this study, classification of medicinal plants has been
be on optimizing the entire system for real-time object done using self-created dataset of 1500 images of locally
detection on hardware. This suggests the authors might have available common medicinal plant leaves. The classification of
explored techniques to streamline the model and feature medicinal plants is conducted by employing 4 stage process i.e.
extraction for efficient execution on specific hardware platforms, (i). Pre-processing (ii). Segmentation (iii). Feature Extraction
potentially for embedded systems or mobile devices. (iv). Training and testing using the classifier. The study discusses
[5] This paper presents a novel method for classifying and the importance of identifying and classifying medicinal plants
recognizing 18 types of medicinal plants using a ResNet34 using machine learning and deep learning technologies. The
convolutional neural network”. The method leverages attention experiment focuses on classifying locally available medicinal
maps, CutMix data augmentation, and a class-balanced label plants using leaf images, achieving an ac- curacy of 98.7%. It
smoothing loss function to enhance accuracy. The experiment also includes a literature review of various algorithms and
demonstrates an accuracy rate of 96.8% on a grassland plant techniques used for plant image classification, highlighting the
dataset. The ResNet34, Attention-Net, and Plant-Net models are importance of feature extraction and its impact on classifier
compared, with Plant-Net achieving the highest accuracy. The performance. Additionally, it discusses the use of convolutional
dataset consists of 18 plant species from the China Plant Image neural networks (CNN) and the experimental results, concluding
Database. The study focuses on improving plant species with the need for continued research in classifying medicinal
identification through deep learning and attention- based feature plants, especially by incorporating both leaves and flowers and
extraction. collecting more plant species for classification.
[6] This study discusses the development of an auto- mated [9] The research paper presents the development of the
classification system for identifying Ayurvedic medicinal plants Domain Specific Modelling Language System (DOMLS), a
using machine learning and computer vision techniques”. It system designed to facilitate the search for medicinal plants
emphasizes the need for accurate and convenient plant using a deep ontology and deep learning techniques. The system
identification due to the global reliance on medicinal herbs allows users to search for medicinal plants based on various
and the growing commercialization of Ayurvedic medicine. The criteria, including names, functions, diseases, taboos, and
proposed system involves a four-step process: image capture, valuable parts. The system utilizes a deep learning model,
preprocessing, feature extraction, and classification, utilizing YOLOv5, for image classification and recognition, achieving
supervised machine learning principles. The authors also high accuracy when tested with a dataset of 6000 images of 30
highlight the significance of image processing algorithms, such species of medicinal plants. The dataset is annotated and divided
as average filtering and RGB to grayscale conversion, in into two sets: 5400 images for training the model and 600
recognizing and obtaining leaf properties for machine learning images for evaluating the model’s accuracy. The experimental
approaches. The suggested approach has been evaluated using results of the YOLOv5-based engine demonstrate high accuracy,
669 samples of Ayurvedic leaf pictures from 10 distinct species, with a mean average precision (mAP) of 99.3% and a recall rate
achieving an accuracy of 98.0597% in identifying medicinal of 99.6%. The system’s ontology-based search engine was also
plants based on leaf images. The study also references various evaluated, showing promising results in expanding search results
studies and methodologies for automated plant leaf analysis, with ontology, providing users with advanced information based
showcasing the potential of machine learning algorithms in on their search queries. The system’s ability to identify medicinal
improving the performance of Ayurvedic medication. Overall, plants through images and keywords was tested, and the results
the research aims to address the challenges in identifying showcased the capability of the system to accurately recognize
medicinal plants and emphasizes the potential of machine and provide information on medicinal plants based on user input.
learning and computer vision in this domain. Because of diminishing gradients, regular neural networks for
[7] This study discusses the development of an automated image identification have difficulty with depth. ResNets by [10],
system for identifying Ayurvedic medicinal plant leaves using solve this by introducing shortcut (Fig.1) links that enable data
deep learning, particularly convolutional neural networks to pass through the network without alteration. Bypassing the
(CNN)”. The research aims to address the need for accurate vanishing gradient issue, these connections teach the network to
identification of Ayurvedic plants due to their significance in distinguish between the original input and the altered output.
treating various diseases with fewer side effects compared to ResNets may now be far deeper, capturing more intricate features
conventional medicines. The authors created a dataset of 4390 and improving picture identification precision as a result.
images of 35 different species of medicinal leaves, which was
used to train and test the CNN-based system. Various image
processing techniques, such as data augmentation and pre-
processing, were employed to enhance the accuracy of the
model, resulting in a reported accuracy of 94.10%. The study
also involved collaboration with Ayurveda doctors and experts
to ensure the authenticity and reliability of the dataset and the
model’s performance. The proposed CNN model automatically
extracts features from images, making it suitable for plant
classification The potential future applications of the developed
system include the integration of additional features to provide Fig. 1. Residual Block, as mention in [10].
information on Ayurvedic plants’ medicinal properties and the
Authorized licensed use limited to: FLORIDA INTERNATIONAL UNIVERSITY. Downloaded on August 20,2024 at 16:46:30 UTC from IEEE Xplore. Restrictions apply.
2024 3rd IEEE International Conference on Artificial Intelligence for Internet of Things (AIIoT 2024)
vector representation for each input image. This la- • J(θt; xi, yi) is the loss function with respect to the parameters
tent vector encapsulates the essential image features θt given the input data xi and corresponding target yi.
learned by the CNN. • ∇ denotes the gradient operator, and ∇J(θt; xi, yi) is the
• gradient of the loss function with respect to the
2) K-Nearest Neighbors (KNN) Classification: The latent
parameters θt evaluated at the data point (xi, yi).
vectors extracted from the pre-trained CNNs were fed into
a K-Nearest Neighbors (KNN) algorithm for final class Evaluation:
prediction. KNN classifies data points based on their The performance of the proposed models was evaluated on
similarity to the K nearest neighbors in the training data. In the held-out validation set. We employed standard classification
our case, the KNN classifier utilized the latent vectors to metrics like accuracy, precision, recall, and F1-score to assess
determine the class (medicinal plant variety) of each the model’s ability to correctly classify the medicinal plant
unseen image. varieties.
we can also infer from the loss curves that the model is
converging and the proposed model is at par with the current
models.
θt+1 = θt − ηt∇J(θt; xi, yi) (1) In particular, the MobileNet design with KNN outperforms the
where ResNet50 architecture in terms of validation accuracy,
demonstrating how well it handles the categorization task.
• θt represents the parameters at time t.
Furthermore, even though ResNet50 in conjunction with Ran-
• ηt represents the learning rate at time t.
dom Forest yields the best validation accuracy, it is important to
Authorized licensed use limited to: FLORIDA INTERNATIONAL UNIVERSITY. Downloaded on August 20,2024 at 16:46:30 UTC from IEEE Xplore. Restrictions apply.
2024 3rd IEEE International Conference on Artificial Intelligence for Internet of Things (AIIoT 2024)
note that the MobileNet model that incorporates KNN performs for the classification of medicinal plants using Transfer learning
better when put side by side with the MobileNet model that uses from the ImageNet dataset on which the ResNet50 and
Random Forest. This implies that the MobileNet architecture’s MobileNet was pretrained and further it was fine-tuned with the
classification power is greatly influenced by the algorithm medicinal plant dataset.
selected for integration. Computational Resources:
We leveraged Google Kaggle’s cloud environment for model
training and experimentation. This environment provided access
to the following hardware resources:
• RAM: 29 GB
• GPUs: 2x Nvidia T4 GPUs with 15 GB vRAM each
• CPU: Intel Xeon 2.20 GHz CPU with 4 cores
These resources ensured sufficient computational power for
training deep learning models on our plant image dataset.
V. CONCLUSION
In conclusion, this work presented a novel architecture for
plant image classification on mobile and embedded devices. The
architecture leverages the efficient feature extraction capabilities
Fig. 6. MobileNet + KNN loss curve
of MobileNet and the classification strengths of K- Nearest
Neighbors (KNN). Empirical evidence demonstrates that this
combination achieves superior accuracy (97.31%) compared to
existing approaches. This finding suggests the potential for
deploying powerful and resource-constrained plant image
classifiers on mobile phones and embedded systems.
Future research should focus on optimizing the model for even
greater accuracy and efficiency while maintaining mobile
compatibility. Additionally, testing on a wider variety of plant
datasets and exploring techniques to handle imbalanced data are
crucial for generalizability. Furthermore, the paper identifies an
interesting avenue for future exploration: automatically
clustering unknown plant images based on medicinal properties.
This functionality could hold significant value for applications in
healthcare and natural medicine.
Fig. 7. ResNet + Randomforest loss curve In essence, this work contributes to the development of mobile
and embedded plant image classification by proposing a novel
architecture with demonstrably high accuracy. By addressing the
limitations and exploring promising future directions,
researchers can build upon this foundation and unlock the full
potential of mobile plant identification tools, with potential
applications extending beyond agriculture into the realm of
mobile healthcare.
ACKNOWLEDGMENT
We would like to express our gratitude to the Kaggle
community for providing a valuable platform for data science
exploration and collaboration. This research would not have been
possible without the Indian Medicinal Plant Image Dataset by
Fig. 8. MobileNet + Randomforest loss curve Chirag Chauhan (kaggle Master), which served as the foundation
for our analysis. We acknowledge the effort of the dataset
Furthermore, the loss curves acquired throughout the training creators in making this data publicly available.
process offer additional understanding of each architecture’s
learning dynamics. The models’ convergence behavior and
generalization abilities are explained by these curves. In- depth REFERENCES
examination of these curves in conjunction with the attained [1] Daryl B. Valdez, Chris Jordan G. Aliac, and Larmie S. Feliscuzo.
Medicinal plant classification using convolutional neural network and
performance measures, allows for a thorough com- prehension transfer learning. In 2022 IEEE International Conference on Artificial
of the effectiveness and resilience of the suggested techniques. Intelligence in Engineering and Technology (IICAIET), pages 1–6, 2022.
The outcomes demonstrate how well the suggested MobileNet [2] Anh Vo and Bao Thien. Vietnamese herbal plant recognition using deep
convolutional features. International Journal of Machine Learning and
design with KNN integration performs in terms of attaining Computing, 9, 05 2019.
competitive results for the given classification problem. These [3] Jafar Abdollahi. Identification of medicinal plants in ardabil using deep
results further the development of machine learning techniques learning: Identification of medicinal plants using deep learning. In 2022
Authorized licensed use limited to: FLORIDA INTERNATIONAL UNIVERSITY. Downloaded on August 20,2024 at 16:46:30 UTC from IEEE Xplore. Restrictions apply.
2024 3rd IEEE International Conference on Artificial Intelligence for Internet of Things (AIIoT 2024)
Authorized licensed use limited to: FLORIDA INTERNATIONAL UNIVERSITY. Downloaded on August 20,2024 at 16:46:30 UTC from IEEE Xplore. Restrictions apply.