Using Machine Learning To Identify Diseases and Perform Sorting in Apple Fruit
Using Machine Learning To Identify Diseases and Perform Sorting in Apple Fruit
Bayesian classification is commonly utilized, where pixels LBP has also found applications in face recognition,
are compared against a pre-calculated model and classified dynamic texture recognition, and shape localization.
as either defective or healthy. Unsupervised classification, Convolutional neural networks (CNNs) have been proposed
on the other hand, lacks target values and thus provides no as a comprehensive modeling approach for pattern
guidance during the learning process. Some researchers recognition tasks. I have proposed and experimentally
have employed unsupervised classification for defect validated the effectiveness of using CNNs as classifiers for
segmentation purposes. In another approach, (Ojala et al. the automatic detection and classification of fruit diseases.
2002) utilized the Local Binary Pattern (LBP) histogram for To validate our approach, I focused on three common apple
rotation-invariant texture classification, demonstrating diseases: blotch, rot, and scab.
impressive outcomes on representative texture databases.
Fig 1 Three Common Apple Diseases. a) Scab, (b) Rot and, (c) Blotch
Fig 2 Sample Images from the Data Set of Type (a) Apple Scab (b) Apple Rot (c) Apple Blotch, and (d) Normal Apple
Machine Learning (ML) techniques such as k-nearest To develop and optimize machine learning models
neighbor (KNN), artificial neural networks (ANN), and capable of classifying diseased and healthy apple fruits
support vector machine (SVM) are commonly employed for based on image data.
fruit disease detection and identification. However, deep To evaluate the performance of the developed models
learning methods have emerged as a more effective approach in terms of accuracy, sensitivity, specificity, and
for hierarchical feature learning, capable of representing computational efficiency.
both low-level and high-level features with increased To explore the potential applications of the proposed
complexity. Convolutional neural networks, or CNNs, have approach in real-world agricultural settings and its
proven effective in a number of applications, such as speech implications for crop management and disease control.
recognition, object detection, image classification, and
natural language processing. CNNs' effectiveness in II. LITERATURE REVIEW
identifying fruit diseases has also been demonstrated.
However, deploying CNN models on portable devices like Automated Image Capturing System for Deep Learning-
smartphones, which are essential for supporting farmers based Tomato Plant Leaf Disease Detection and
becomes difficult due to the computational demands of Recognition
processing large datasets. By creating a lightweight deep De Luna et al. (2019) introduced an innovative method
CNN model that reduces computational demands and to enhance agricultural productivity, specifically in tomato
effectively diagnoses illnesses, this work attempts to address cultivation, by integrating smart farming systems. Their
this challenge. I present a novel four-convolutional-layer research addresses the challenge of detecting diseases in
deep CNN model (Conv4 DCNN) that is specifically tomato plants by utilizing recent advancements in computer
intended to use fruit images for the diagnosis of three vision, particularly deep learning techniques. They
different apple fruit diseases. Techniques for augmenting developed a motor-controlled image capturing system
data are used to improve model performance, and the capable of photographing every side of tomato plants to
random search technique is used to optimize facilitate disease identification and recognition. The study
hyperparameters and find the best possible values. This focused on the Diamante Max tomato variety and aimed to
work's main contribution is the creation of a low-complexity detect three common diseases: Phroma Rot, Leaf Miner, and
deep neural network model specifically designed to identify Target Spot. To classify tomato diseases, a deep
apple fruit diseases with minimalcomputational burden. convolutional neural network (CNN) was trained using a
dataset containing both diseased and healthy plant leaves.
Importance of Apple Fruit Disease Detection The Transfer Learning disease recognition model achieved
The early detection and timely management of an accuracy of 95.75%, while the F-RCNN anomaly
diseases in apple orchards are crucial for ensuring detection model scored 80% confidence. Additionally, the
sustainable production and minimizing economic losses. automated image capture system demonstrated a 91.67%
Traditionally, disease detection has relied on visual accuracy rate in identifying diseases on tomato plant leaves.
inspection by agricultural experts, which is labor-intensive,
subjective, and prone to errors. Moreover, the delay in CNN based Leaf Disease Identification and Remedy
disease diagnosis can lead to ineffective control measures, Recommendation System
resulting in reduced yields and compromisedfruit quality. Rohan et al. (2019) presented a novel approach
named CNN based Leaf Disease Identification and
Role of Machine Learning Remedy Recommendation System. They underscored the
The advent of machine learning techniques has vital role of agriculture in the econoour and society,
revolutionized disease detection in agriculture by highlighting the challenges faced by farmers in identifying
providing automated and accurate methods for identifying leaf diseases, which often lead to reduced crop yields. The
fruit diseases. Machine learning algorithms, particularly authors stressed the potential of utilizing leaf videos and
those based on deep learning, have shown remarkable images to provide valuable insights for effective disease
performance in analyzing large datasets, including images, management and increased productivity. Early detection and
and extracting meaningful patterns. By leveraging these treatment of diseases are crucial to minimize negative
algorithms, it becomes possible to develop efficient and impacts on harvest yields and ensure adequate crop
reliable systems for detecting apple fruit diseases at an early nutrition. The emergence of smart devices capable of
stage. identifying anddetecting plant diseases has facilitated more
efficient responses to disease outbreaks in the agriculture
Objectives sector. Leveraging publicly available datasets containing
The primary objective of this research is to develop a 5,000 photos of both healthy and diseased plant leaves, the
machine learning-based approach for the detection of apple study focused on plant disease detection through image
fruit diseases. Specifically, the study aims to: processing techniques. Crop types were classified, and
diseases were categorized into four classes using semi-
To investigate the feasibility of using machine supervised techniques.
learning algorithms for identifying common diseases
affecting apple fruits.
Real-Time Detection of Apple Leaf Diseases Using Deep techniques. The model is trained on a dataset comprising
Learning Approach Based on Improved Convolution images of crop leaves under both healthy and diseased
Neural Networks conditions. Through this approach, the model effectively
Liu et al. (2019) focus on the identification of common classifies leaf images into diseased categories based on the
apple leaf diseases affecting apple crops, such as aria leaf pattern of defects.
spot, brown spot, mosaic, grey spot, and rust. They employ
deep learning methods, particularly enhanced convolutional Identification of Plant Disease using Image Processing
neural networks (CNNs), to detect these diseases. The study Technique
utilizes the Apple Leaf Disease Dataset (ALDD), which Rathan et al. (2019) address the evolving role of
includes both intricate and lab-created images of apple agriculture, emphasizing its significance in sustaining
leaves. To enhance the dataset, the researchers utilize data populations, particularly in regions where a substantial
augmentation and image annotation technologies, portion of the population relies on agriculture for
facilitating the development of a new deep CNN-based livelihoods. However, crop diseases frequently undermine
model for disease detection. This model incorporates the agricultural productivity, leading to significant losses. Early
GoogleNet Inception structure and Rainbow concatenation. detection of leaf diseases is crucial for mitigating such
Through training and evaluation on a dataset comprising losses. The paper aims to develop software capable of
26,377 disease images, the proposed INAR-model achieves automatically identifying and categorizing plant diseases.
a high detection speed of 23.13 frames per second (FPS) The process involves steps such as image acquisition,
with a detection performance of 78.80%. The INAR-SSD preprocessing, segmentation, feature extraction, and
model demonstrates a promising method for early detection classification. Leaf images are utilized for disease
of apple leaf diseases, offering real-time detection identification, highlighting the importance of employing
capabilities with enhanced accuracy and speed compared to image processing techniques in the identification and
previoustechniques. categorization of agricultural diseases.
Identification of plant leaf diseases using a nine-layer GUI based Detection of Unhealthy Leaves using Image
deep convolutional neural network Processing Techniques
Geetharamani and Arun Pandian (2020) propose a Vamsi et al. (2019) emphasize the critical role of
method for identifying plant leaf diseases employing deep enhancing agricultural productivity for the growth of the
convolutional neural networks (CNNs). Their approach Indian econoour. They propose the utilization of image
involves utilizing a dataset consisting of background images processingtechniques to identify unhealthy leaves, aiming to
and more than 39 distinct classes of plant leaf diseases to facilitate the development of an intelligent and efficient
train the CNN model. To enhance the dataset's quality, they farming system. Focusing on ladies finger plant leaves,
employ six data augmentation techniques: gamma the study aims to detect early signs of diseases such as
correction, image flipping, principal component analysis powdery mildew, leaf spot, and yellow mosaic vein. The
(PCA), color augmentation, rotation, noise injection, and process involves capturing leaf images, preprocessing,
scaling. Through experimentation, the authors find that segmenting, extracting features, and classifying them.
integrating data augmentation techniques significantly Additionally, the study accounts for practical challenges
improves the model's performance. They explore various such as noisy image datasets, terrain conditions, and
combinations of training epochs, batch sizes, and dropout climate variations. For classification, Support Vector
rates to optimize the model training process. Comparative Machines (SVM) and Artificial Neural Networks (ANN)
analysis with transfer learning techniques indicates that the are employed, while K-Means clustering is utilized for
proposed CNN model outperforms them, especially when segmentation. Principal Component Analysis (PCA) is
assessed with independent data. The CNN model achieves a applied to reduce the feature set. Experimental results
classification accuracy of 96.46% through simulations, demonstrate that SVM and ANN achieve average disease
surpassing the performance of transfer learning techniques. detection accuracies of85% and 97%, respectively. In noise-
Overall, the study demonstrates the superior accuracy of the free conditions, these accuracies improve to 92% and 98%,
CNN model compared to transfer learning methods in respectively. The study lays the foundation for advancing
identifying plant leaf diseases. automation in the agriculture sector.
Crop Disease Detection Using Deep Learning Automatic Disease Symptoms Segmentation Optimized
Kulkarni (2018) addresses the rising prevalence of for Dissimilarity Feature Extraction in Digital
crop diseases attributed to recent climate changes and crops' Photographs of Plant Leaves
susceptibility to various pathogens. This phenomenon leads Abdu et al. (2017) address the critical initial step of
to financial losses for farmers, widespread crop destruction, applying machine learning to plant disease detection, which
and reduced agricultural productivity. Identifying and involves segmenting diseased symptom regions in plant leaf
treating these diseases pose significant challenges due to the images. This process, referred to as Region of Interest (ROI)
rapid proliferation of diverse diseases and limited segmentation, aims to isolate areas exhibiting symptoms
knowledge among farmers. The task is further complicated with color variations from the surrounding green tissue.
by the similarities in texture and appearance among diseased These segmented regions serve as the basis for extracting
and healthy leaves. To tackle this issue, Kulkarni proposes a discriminant features. However, existing approaches often
deep learning-based model leveraging computer vision fall short in capturing the comprehensive evolution of
Implementation Work from the input data. Figure 4 illustrates the process of data
A deep Convolutional Neural Network (CNN) is an manipulation.
architecture of a feed-forward Artificial Neural Network
(ANN) commonly utilized in deep learning (Vihaor Kumar
Vishnoi et al. 2023). In CNNs, the term 'deep' refers to the
incorporation of numerous layers, unlike traditional neural
networks. Typically, a deep CNN is built by stacking
various layers, including convolutional layers with non-
linear activation functions, pooling layers, and fully
connected layers. Deep CNNs offer numerous advantages
over traditional machine learning methods, notably in their
ability to automatically extract features without the need for
manual feature engineering. The initial layers of a deep Fig 4 Representation of the Process of Data
CNN are responsible for capturing basic, low-level features Augmentation/Manipulation
Convolutional Layer
Convolution is carried out by the convolutional layer
by applying a filter (kernel) to an input image. By locating
regional patterns found in the layers before, it creates feature Fully Connected Layer
maps. The linear convolution operation and the non-linear In order to create output layers with a predetermined
activation function are the two primary components of the number of outputs, the fully connected (FC) or dense layers
convolutional layer. Equation (1) illustrates how this in a CNN are usually positioned toward the end of the CNN
operation, which convolves the filter over multi-channel architecture. These layers bear similarities to those found in
image volumes like RGBimages, is expressed. traditional neural networks. The data that FC layers work
with is one-dimensional (1-D). The flatten layer comes
before the FC layers and transforms the two-dimensional (2-
D) output from earlier layers into a one-dimensional (1-D)
representation. The transformations carried out by the FC
layers are both linear and non-linear, and they can be
mathematically represented as follows in equations (6) - (7):
In the convolution process, the kernel K
Model Building this dataset using the hold-out validation technique. That is
The deep CNN model is evaluated and trained using why the training, validation, and test sets consist of 3549,
the dataset that is covered in Section 3.1. In a 60-30-10 1775, and 591 images, respectively, as Fig 6 shows the deep
ratio, the training, validation, and test sets are divided into CNN model.
The deep CNN model is built in Python on the In the given equation, p is the probability of correctly
Jupyter Notebook virtual platform, which has an Nvidia predicting that observation i belongs to class m, N is the
P100 TPU and 12 GB of RAM, using the Keras, Scikit-learn number of classes (where N > 2), and y is a binary indicator
libraries. The Matplotlib library is used to display the indicating the correct labeling of class m for observation i.
outcomes for visualization. The model is trained with a The Adam optimization algorithm is used for gradient
minibatch size of 56 and a learning rate of 0.0001 over a optimization, with the first and second moments'
span of 20 epochs. Equation (8) defines categorical cross- exponential decay rates set at β1 = 0.9 and β2 = 0.999,
entropy, which is the loss function of choice because it respectively. To find the best hyperparameters, random
works well for multiclass classification tasks. search techniques are used for hyperparameter tuning.
Moreover, the feature map produced by the second
convolutional layer offers more precise information about
the lesions connected to a specific disease and less general
information about the image.
Fig 7 Layered architecture of proposed deep CNN model for apple disease detection
Fig 9 Model Validation Accuracy v/s No. of Epochs Curve Fig 10 Model Loss v/s No. of Epochs Curve
Confusion Matrix
A classification model's performance is graphically
summarized by the confusion matrix (Peng Jiang et al.
2019), which shows accurate predictions on the diagonal
and incorrect classifications off-diagonal. It helps identify
difficult classes and offers insights into classification
accuracy. The performance of the model can only be
improved and maximized with the use of this tool. When
presented with several classes that share a similar shape,
classifiers may become confused. Reduced performance
may also arise from highly complex patterns presented in
the same class due to infected apple images at different
stages or against different backgrounds. A model's
classification accuracy can be visually estimated using a
confusion matrix. The final test results' confusion matrix is
displayed in Figure 11. The model's prediction accuracy in
the relevant class increases with deeper coloration in the
visualization results. Since every accurate prediction is on Fig 11 Confusion Matrix
the diagonal and every inaccurate prediction is off the
diagonal, it is easy to identify which classes have confused Model Prediction Sample
the detecting system.
Model Deployment using Flask expect predictions for four classes of apple diseases: apple
In the development of our Flask-powered website blotch, apple scab, apple rot, and normal apple.
interface for the CNN image classification model, our main Additionally, I've integrated detailed documentation and
focus was on enhancing usability, functionality, and visual help resources directly within the Flask application, aiming
appeal. The homepage serves as the entry point, providing to assist users in understanding and effectively utilizing the
users with a brief project overview and a clear call-to-action classification tool. The design prioritizes a visually pleasing
(CTA) button leading them to the image classification tool. color scheme, typography, and responsive layout, enhancing
Using Flask, this tool enables users to upload images for accessibility and performance across various devices for a
classification, complete with straightforward instructions seamless user experience. Leveraging Flask's capabilities,
and visual indicators like progress bars and loading icons. the website interface operates in real-time, allowing users to
I've ensured that classification results are transparently interact with the classification tool immediately.
presented, showing predicted classes. Specifically, users can
V. CONCLUSION AND FUTURE WORK [6]. Awate, A., Deshmankar, D., Amrutkar, G., Bagul,
U., & Sonavane, S. (2015, October). Fruit disease
Conclusions detection using color, texture analysis and ANN. In
In our study, I delved into the feature-based approach 2015 international conference on green computing
utilized in existing systems, predominantly employing and internet of things (ICGCIoT) (pp. 970-975).
image processing techniques. I thoroughly examined steps IEEE.
such as image acquisition, preprocessing, feature extraction, [7]. Balakrishna, K., & Rao, M. (2019). Tomato plant
and classification. To enhance disease detection in apples, I leaves disease classification using KNN and PNN.
proposed a novel system utilizing Convolutional Neural International Journal of Computer Vision and Image
Networks (CNNs). Through extensive experimentation, our Processing (IJCVIP), 9(1), 51-63.
CNN-based approach achieved a commendable accuracy of [8]. Brownlee, J. (2016). Introduction to the Python Deep
95.37%. This result underscores the effectiveness of CNNs Learning Library Theano. [Online]. Available.
in disease identification within apple fruit, showcasing their [9]. De Luna, R. G., Dadios, E. P., & Bandala, A. A.
potential for advancing agricultural disease management (2018, October). Automated image capturing system
systems. for deep learning-based tomato plant leaf disease
detection and recognition. In TENCON 2018-2018
Future Work IEEE Region 10 Conference (pp. 1414-1419). IEEE.
[10]. Devaraj, A., Rathan, K., Jaahnavi, S., & Indira, K.
Incorporation of More Fruit Varieties: Extend disease (2019, April). Identification of plant disease using
detection to various fruits, broadening agricultural image processing technique. In 2019 International
applications. Conferenceon Communication and Signal Processing
Mobile Application: Enable farmers to access our model (ICCSP) (pp. 0749-0753). IEEE.
easily through a mobile app. [11]. Dutot, M., Nelson, L. M., & Tyson, R. C. (2013).
Cloud Integration: Utilize cloud services for enhanced Predicting the spread of postharvest disease in stored
scalability and collaboration, facilitating real-time fruit, with application to apples. Postharvest biology
updates and accessibility. and technology, 85, 45-56.
[12]. Ferentinos, K. P. (2018). Deep learning models for
REFERENCES plant disease detection and diagnosis. Computers and
electronics in agriculture, 145, 311-318.
[1]. Abdu, A. M., Mokji, M. M., Sheikh, U. U., & Khalil, [13]. Ganatra, N., & Patel, A. (2020). A multiclass plant
K. (2019, March). Automatic disease symptoms leaf disease detection using image processing and
segmentation optimized for dissimilarity feature machine learning techniques. International Journal on
extraction in digital photographs of plant leaves. In Emerging Technologies, 11(2), 1082-1086.
2019 IEEE 15th International Colloquium on Signal [14]. Geetharamani, G., & Pandian, A. (2019).
Processing & Its Applications (CSPA) (pp. 60-64). Identification of plant leaf diseases using a nine-layer
IEEE. deep convolutional neural network. Computers &
[2]. Adedoja, A., Owolawi, P. A., & Mapayi, T. (2019, Electrical Engineering, 76, 323-338.
August). Deep learning based on nasnet for plant [15]. Han, J., & Moraga, C. (1995, June). The influence of
disease recognition using leave images. In 2019 the sigmoid function parameters on the speed of
international conference on advances in big data, backpropagation learning. In International workshop
computing and data communication systems on artificial neural networks (pp. 195-201). Berlin,
(icABCD) (pp. 1-5). IEEE. Heidelberg: Springer BerlinHeidelberg.
[3]. Al Bashish, D., Braik, M., & Bani-Ahmad, S. (2011). [16]. Ilic, M., Spalevic, P., Veinovic, M., & Ennaas, A. A.
Detection and classification of leaf diseases using K- M. (2015, November). Data mining model for early
means-based segmentation and. Information fruit diseases detection. In 2015 23rd
technology journal, 10(2), 267-275. Telecommunications Forum Telfor (TELFOR) (pp.
[4]. Arivazhagan, S., Shebiah, R. N., Ananthi, S., & 910-913). IEEE.
Varthini, S. V. (2013). Detection of unhealthy region [17]. Jhuria, M., Kumar, A., & Borse, R. (2013,
of plant leaves and classification of plant leaf December). Image processing for smart farming:
diseases using texture features. Agricultural Detection of disease and fruit grading. In 2013 IEEE
Engineering International: CIGR Journal, 15(1), 211- secondinternational conference on image information
217. processing (ICIIP-2013) (pp.521-526). IEEE.
[5]. Arivazhagan, S., Shebiah, R. N., Ananthi, S., & [18]. Jiang, P., Chen, Y., Liu, B., He, D., & Liang, C.
Varthini, S. V. (2013). Detection of unhealthy region (2019). Real-time detection of apple leaf diseases
of plant leaves and classification of plant leaf using deep learning approach based on improved
diseases using texture features. Agricultural convolutional neural networks. IEEE Access, 7,
Engineering International: CIGR Journal, 15(1), 211- 59069-59080.
217. [19]. Kim, M. S., Lefcourt, A. M., Chen, Y. R., & Tao, Y.
(2005). Automated detection of fecal contamination
of apples based on multispectral fluorescence image
fusion. Journal of food engineering, 71(1), 85-91.
[20]. Kleynen, O., Leemans, V., & Destain, M. F. (2005). [31]. Patel, S., Jaliya, U. K., & Patel, P. (2020). A survey
Development of a multi-spectral vision system for on plant leaf disease detection. Int.J. Mod. Trends
the detection of defects on apples. Journal of food Sci. Technol, 6, 129-134.
engineering, 69(1), 41-49. [32]. Qin, F., Liu, D., Sun, B., Ruan, L., Ma, Z., & Wang,
[21]. Kulkarni, O. (2018, August). Crop disease detection H. (2016). Identification of alfalfa leaf diseases using
using deep learning. In 2018 Fourth international image recognition technology. PloS one, 11(12),
conference on computing communication control and e0168274.
automation (ICCUBEA) (pp. 1-4). IEEE. [33]. Sahithya, V., Saivihari, B., Vamsi, V. K., Reddy, P.
[22]. Kumar, A., & Gill, G. S. (2015, May). S., & Balamurugan, K. (2019, April). GUI based
Automatic fruit grading and classification system detection of unhealthy leaves using image processing
using computer vision: A review. In 2015 techniques. In 2019 International Conference on
Second International Conference on Advances in Communication and Signal Processing (ICCSP) (pp.
Computing and Communication Engineering (pp. 0818-0822). IEEE.
598-603). IEEE. [34]. Soni, P., & Chahar, R. (2016, July). A segmentation
[23]. Lee, S. H., Wu, C. C., & Chen, S. F. (2018). improved robust PNN model for disease
Development of image recognition and classification identification in different leaf images. In 2016 IEEE
algorithm for tea leaf diseases using convolutional 1st International Conference on Power Electronics,
neuralnetwork. In 2018 ASABE Annual International Intelligent Control and Energy Systems (ICPEICES)
Meeting (p. 1). American Society of Agricultural and (pp. 1-5). IEEE.
Biological Engineers. [35]. Suma, V., Shetty, R. A., Tated, R. F., Rohan, S., &
[24]. Liu, B., Zhang, Y., He, D., & Li, Y. (2017). Pujar, T. S. (2019, June). CNN based leaf disease
Identification of apple leaf diseases based on deep identification and remedy recommendation system.
convolutional neural networks. Symmetry, 10(1), 11. In 2019 3rd International conference on Electronics,
[25]. Lu, Y., Yi, S., Zeng, N., Liu, Y., & Zhang, Y. (2017). Communication and Aerospace Technology (ICECA)
Identification of rice diseases using deep (pp. 395-399). IEEE.
convolutional neural networks. Neurocomputing, [36]. Szegedy, C., Vanhoucke, V., Ioffe, S., Shlens, J., &
267, 378-384. Wojna, Z. (2016). Rethinking the inception
[26]. Mahlein, A. K., Rumpf, T., Welke, P., Dehne, H. architecture for computer vision. In Proceedings of
W., Plümer, L., Steiner, U., & Oerke, the IEEE conference on computer vision and pattern
[27]. E. C. (2013). Development of spectral indices for recognition (pp. 2818-2826).
detecting and identifying plant diseases. Remote [37]. Tm, P., Pranathi, A., SaiAshritha, K., Chittaragi, N.
Sensing of Environment, 128, 21-30. B., & Koolagudi, S. G. (2018, August). Tomato leaf
[28]. Mehl, P. M., Chao, K., Kim, M., & Chen, Y. R. disease detection using convolutional neural
(2002). Detection of defects on selected apple networks. In 2018 eleventh international conference
cultivars using hyperspectral and multispectral image on contemporary computing (IC3) (pp. 1-5). IEEE.
analysis. Applied engineering in agriculture, 18(2), [38]. Waghmare, H., Kokare, R., & Dandawate, Y. (2016,
219. February). Detection and classification of diseases of
[29]. Mohanty, S. P., Hughes, D. P., & Salathé, M. (2016). grape plant using opposite colour local binary pattern
Using deep learning for image-based plant disease feature and machine learning for automated decision
detection. Frontiers in plant science, 7, 215232. support system. In 2016 3rd international conference
[30]. Ojala, T., Pietikainen, M., & Maenpaa, T. (2002). on signal processing and integrated networks (SPIN)
Multiresolution gray-scale and rotation invariant (pp. 513-518). IEEE.
texture classification with local binary patterns. IEEE [39]. Wu, C., Luo, C., Xiong, N., Zhang, W., & Kim, T. H.
Transactions on pattern analysis and machine (2018). A greedy deep learning method for medical
intelligence, 24(7), 971-987. disease analysis. IEEE Access, 6, 20021-20030.
APPENDIX