Skip to main content

ORIGINAL RESEARCH article

Front. Public Health, 01 August 2022
Sec. Digital Public Health
This article is part of the Research Topic Machine Learning in Disease Screening, Diagnosis, and Surveillance View all 20 articles

Gray wolf optimization-extreme learning machine approach for diabetic retinopathy detection

\nMusatafa Abbas Abbood Albadr
Musatafa Abbas Abbood Albadr1*Masri AyobMasri Ayob1Sabrina TiunSabrina Tiun1Fahad Taha AL-DhiefFahad Taha AL-Dhief2Mohammad Kamrul HasanMohammad Kamrul Hasan3
  • 1Center for Artificial Intelligence Technology (CAIT), Faculty of Information Science and Technology, Universiti Kebangsaan Malaysia, Bangi, Malaysia
  • 2Department of Communication Engineering, School of Electrical Engineering, Universiti Teknologi Malaysia (UTM) Johor, Bahru, Malaysia
  • 3Faculty of Information Science and Technology, Center for Cyber Security, Universiti Kebangsaan Malaysia, Bangi, Malaysia

Many works have employed Machine Learning (ML) techniques in the detection of Diabetic Retinopathy (DR), a disease that affects the human eye. However, the accuracy of most DR detection methods still need improvement. Gray Wolf Optimization-Extreme Learning Machine (GWO-ELM) is one of the most popular ML algorithms, and can be considered as an accurate algorithm in the process of classification, but has not been used in solving DR detection. Therefore, this work aims to apply the GWO-ELM classifier and employ one of the most popular features extractions, Histogram of Oriented Gradients-Principal Component Analysis (HOG-PCA), to increase the accuracy of DR detection system. Although the HOG-PCA has been tested in many image processing domains including medical domains, it has not yet been tested in DR. The GWO-ELM can prevent overfitting, solve multi and binary classifications problems, and it performs like a kernel-based Support Vector Machine with a Neural Network structure, whilst the HOG-PCA has the ability to extract the most relevant features with low dimensionality. Therefore, the combination of the GWO-ELM classifier and HOG-PCA features might produce an effective technique for DR classification and features extraction. The proposed GWO-ELM is evaluated based on two different datasets, namely APTOS-2019 and Indian Diabetic Retinopathy Image Dataset (IDRiD), in both binary and multi-class classification. The experiment results have shown an excellent performance of the proposed GWO-ELM model where it achieved an accuracy of 96.21% for multi-class and 99.47% for binary using APTOS-2019 dataset as well as 96.15% for multi-class and 99.04% for binary using IDRiD dataset. This demonstrates that the combination of the GWO-ELM and HOG-PCA is an effective classifier for detecting DR and might be applicable in solving other image data types.

Introduction

Diabetic Retinopathy (DR) is a condition of the eye that can cause blindness and vision loss in individuals who have diabetes. Regular examination of the eyes is essential for early retinopathy detection in order to decrease the blindness and vision loss caused by DR (1). The core objective of the DR examination is to reveal whether further treatments are required or not (2). Therefore, a robust and accurate retinal examination system is desired to help the screeners to classify the retinal images effectively as well as with high confidence.

Nowadays, Artificial Intelligence (AI) and Machine Learning (ML) techniques are playing significant roles in aiding medical experts with early illness diagnosis (36). Therefore, recently, research has been conducted using various AI and ML techniques in order to automatically detect the DR using images (79). One of the well-known feature extraction techniques is Histogram of Oriented Gradients (HOG) and has been widely utilized in many image processing fields, including medical fields (1012). Moreover, the Principal Component Analysis (PCA) is considered one of the most recognized dimensionality reduction techniques (13), where it condenses most of the information in the database into a small dimensions' number. In addition, recently, the Gray Wolf Optimization-Extreme Learning Machine (GWO-ELM) has been considered one of the most popular ML algorithms (14). Therefore, the major aims of this study are as follows:

• Propose a new DR detection approach based on a GWO-ELM classifier and Histogram of Oriented Gradients- Principal Component Analysis (HOG-PCA) features using image data.

• Test the proposed approach based on two different DR image datasets [i.e., APTOS-2019 and Indian Diabetic Retinopathy Image Dataset (IDRiD)] in both binary and multi-class classifications.

• The NN, SVM, Random Forest (RF), and basic ELM classifiers are also implemented in both binary and multi-class classifications using APTOS-2019 and IDRiD datasets.

• Evaluate the performance of the proposed DR detection approach based on several evaluation measures such as accuracy, recall, precision, specificity, F-measure, G-mean, and Matthews Correlation Coefficient (MCC).

• Compare the proposed DR approach against the most recent studies that have used the same datasets in terms of accuracy for the binary and multi-class classifications.

This research is organized as follows: Section 2 presents the related work of this study. Section 3 provides a deep explanation and description of the materials and proposed method. Section 4 discusses the experiments and their outcomes. Section 5 presents the conclusion of this research as well as recommendations for future research.

Related work

The authors in Sridhar et al. (15) have proposed an automatic system for detecting DR by using Convolutional Neural Network (CNN). The proposed system was tested based on binary classification and used an image dataset that is available on the Kaggle website. The experiments' outcomes have shown that the highest performance of their proposed CNN was achieved with an accuracy of 86%. However, they have tested the proposed system based on binary classification only and ignored the multi-class classification. In addition, the accuracy rate is still not encouraging and needs more enhancement.

Another attempt has been conducted in Gangwar and Ravi (16). They proposed a hybrid architecture of inception-ResNet-v2 and custom CNN layers for the detection of DR. The proposed model was evaluated based on the multi-class classification using APTOS-19 and Messidor-1 dataset. Results showed that the highest accuracy achieved by the proposed model is 72.33% on the Messidor-1 dataset and 82.18% on the APTOS-19 dataset.

One of the most popular ML algorithms is Extreme Learning Machine (ELM); ELM is a single hidden layer feed-forward neural network that consists of three layers (i.e., input, hidden, and output layers) (17, 18). The neurons of the input layer are connected to the neurons of the hidden layer by randomly generated input weights and biases. The neurons of the hidden layer are connected to the neurons of the output layer by output weights. The output weights are calculated based on discovering the least-squares solution (19, 20). ELM is preferred by researchers as it is superior to traditional Support Vector Machine (SVM) and Back Propagation Neural Network (BPNN) (21, 22) specifically in: (1) preventing overfitting, (2) its implementation on multi and binary classifications, and (3) its similar kernel-based capability SVM and working with a Neural Network (NN) structure. These factors make the ELM more efficient in accomplishing a better learning performance. Therefore, some researchers have implemented the ELM algorithm in DR detection. For example, the authors in Asha and Karpagavalli (23) have proposed a DR detection system. The system is based on combining several extracted features such as standard deviation, mean, edge strength, and centroid as well as using the ELM classifier. The system was evaluated based on a binary classification by using the DIARETDB1 dataset which contains 100 images in total. The experiment results showed that the performance of the ELM outperformed both Naive Bayes (NB) and Multilayer Perceptron (MLP) with the highest achieved accuracy reaching up to 90%.

In addition, the authors in Zhang and An (24) have proposed an automatic DR detection system. The proposed system uses two features extraction methods (i.e., lesion detection and anatomical part recognition) and Kernel Extreme Learning Machine (KELM) with an active learning technique for the classification process. The evaluation of the proposed system has been conducted based on binary classification using the Messidor dataset. The results have shown that the highest performance of the proposed system was achieved with an accuracy of 88.60%.

Further, Punithavathi and Kumar (25) used four different feature extraction techniques (i.e., mean, standard deviation, entropy, and third momentum) and the ELM classifier in order to detect DR. The proposed DR detection system was tested based on a multi-class classification problem using the DIARETDB0 dataset with four different classes. The outcomes of the experiments have proved the superiority of the ELM performance over both BPNN and SVM with the highest achieved accuracy of 95.40%.

Additionally, Deepa et al. (26) proposed a DR detection system that has three different phases. The first phase is to use several micro-macro feature extraction algorithms. The second phase is to apply the Principal Component Analysis (PCA) on the extracted features in order to reduce the dimensionality. Finally, the third phase is to implement the KELM on the extracted features with low dimensions for classification purposes. The proposed system was tested based on a dataset with four classes, which has been collected by the department of medical retina at Bharath hospital in Kottayam. The outcomes of the experiments have demonstrated that the highest achieved accuracy rate of the proposed system reached up to 93.20%.

Although (2326) showed that the ELM and KELM outperformed their comparatives, these studies have ignored the fact that the random generated input weights and biases of the ELM and KELM need to be optimized. In other words, there is no guarantee that the trained ELM/KELM is the best for carrying out the classification. This drawback can be resolved by integrating the ELM/KELM with an optimisation approach to achieve the optimal input weights and hidden layer biases that guarantee the best ELM/KELM performance (27). Therefore, one of the most popular improvements of the ELM is the Gray Wolf Optimization-Extreme Learning Machine (GWO-ELM), where the GWO is integrated into ELM in order to obtain the best input weights and biases (14). GWO was established by studying the hunting behavior of gray wolves (28). It has a simple concept with easy implementation, requiring very few coding lines, allowing many to leverage from it. In comparison to other evolutionary algorithms, GWO is highly robust in regulating parameters with greater computational efficacy (29, 30). The effectiveness of this integration (GWO-ELM) has been proven in many domains including breast cancer diagnosis (31), poison diagnosis (32), lung cancer classification (33), identification of cardiovascular disease (34), electricity load projections (35), bankruptcy predictions (36), and paraquat poisoned patients diagnosis (37). However, to the best of our knowledge, no research has used the GWO-ELM classifier in the detection of DR. Therefore, this study aims to employ the GWO-ELM classifier for detecting DR. Table 1 provides a summary of the previous DR detection works using ML and deep learning techniques.

TABLE 1
www.frontiersin.org

Table 1. Illustrates the previous works of DR detection using ML and deep learning techniques.

Materials and proposed method

The general diagram of the proposed work using the GWO-ELM method is demonstrated in Figure 1. The diagram consists of various stages which will be used to create the DR detection approach based on images. The first stage refers to the image dataset that contains five categorizations (i.e., no DR, mild, moderate, severe, and proliferative DR). While, in the second stage, the pre-processing operation will be used in order to prepare the images for the next stage, which is the features extraction stage. In addition, in the third stage, the HOG-PCA method will be utilized in order to extract the needed features from images. Lastly, in the fourth stage, the HOG-PCA extracted features will be fed into the GWO-ELM classifier in order to detect DR based on images. These fourth stages of the proposed DR detection approach will be deliberated as sub-sections, respectively.

FIGURE 1
www.frontiersin.org

Figure 1. Block diagram of the proposed DR detection approach.

Image dataset

In this study, two different datasets will be used in order to evaluate the proposed DR detection approach. The first dataset is APTOS-2019 while the second dataset is IDRiD. The description of both datasets APTOS-2019 and IDRiD are provided as follow:

• APTOS-2019 Dataset has been provided by an Indian hospital, Aravind Eye Hospital. The APTOS-2019 dataset is available online in Hospital (39). In this study, the dataset consists of five main classes, which are no DR, mild, moderate, severe, and proliferative DR, and each class contains 190 images. Thus, 950 is the total number of images in the whole dataset. In this study, 80% of the dataset, which equals 760 images, were used for training purposes, whilst 20% of the dataset, which equals 190 images, were used for testing purposes. In other words, 152 images from each class were used for training purposes whilst the remaining 38 images were used for testing purposes. The description of the APTOS-2019 dataset which is used in this study is provided in Table 2.

• IDRiD is a DR image dataset that is available online at (40). The IDRiD dataset consists of five main classes, which are no DR, mild, moderate, severe, and proliferative DR. In addition, the IDRiD dataset has a total number of images equal to 516 and each class contains a different number of images. In this study, 80% of the dataset that equals 412 images were used for training purposes, whilst the remaining 20% of the dataset which equals 104 images were used for testing purposes. The description of the IDRiD dataset which is used in this study is provided in Table 3.

TABLE 2
www.frontiersin.org

Table 2. The description of the APTOS-2019 dataset.

TABLE 3
www.frontiersin.org

Table 3. The description of the IDRiD dataset.

Pre-processing

This section discusses the pre-processing of this study, which consists of four steps. The first step is to read the RGB image that will be as an array with three dimensions. The second step is to convert the image from RGB to Grayscale, which will lead to making it an array with two dimensions. The third step is to adjust the intensity values in the grayscale image which leads to an increase in the contrast of the output image. Finally, the fourth step is to re-size the dimensionality of the image to (255 × 255) which will be as an input into the features extraction approach. Figure 2 depicts an example of the pre-processing steps which are used in this study.

FIGURE 2
www.frontiersin.org

Figure 2. The pre-processing steps.

Features extraction

In this work, the required features were calculated in two steps. The first step is to use the output of the pre-processing as an input into the Histogram of Oriented Gradients (HOG) features extraction technique, which begins after the pre-processing phase. HOG is considered as one of the most popular features extraction techniques that has been widely utilized in many image processing fields, including medical fields (1012). The output of the HOG features extraction approach is a vector with the dimensionality of (1 × 32,400) per image, and (950 × 32,400) and (516 × 32,400) for whole APTOS-2019 and IDRiD dataset, respectively.

Whilst the second stage is to reduce the dimensionality of HOG features using Principal Component Analysis (PCA). PCA is considered one of the most recognized dimensionality reduction techniques (13), where it condenses most of the information in the database into a small dimensions' number. The aim of that is to reduce the high dimensionality of the HOG features from (950 × 32,400) to (950 × 949) for whole APTOS-2019 dataset and from (516 × 32,400) to (516 × 515) for whole IDRiD dataset. This enables the issue of limited resources (i.e., requiring a large memory space) to be overcome. Literature has addressed the issue that the required memory space is affected by the dimensionality of the features (i.e., number of features). In other words, the higher dimensionality requires a large memory space (4143). The final output of the features extraction is the HOG-PCA features with (950 × 949) dimensionality for whole APTOS-2019 dataset and (516 × 515) for whole IDRiD dataset, both of which will be used as inputs into the classification step. Figure 3 demonstrates the steps of the features extraction in more detail. Further, Table 4 demonstrates the dimensionality of the features extraction steps for a single image and whole dataset images.

FIGURE 3
www.frontiersin.org

Figure 3. Steps of the features extraction.

TABLE 4
www.frontiersin.org

Table 4. Elaborate the features extraction step dimensionality for single image and whole dataset images.

Classification

This section provides a deep explanation of both GWO and GWO-ELM approaches separately. The explanation of the GWO approach is delivered in Section 2.4.1, while the explanation of the GWO-ELM approach is presented in Section 2.4.2.

Gray wolf optimization

In recent years, GWO has emerged as a prominent new nature-based metaheuristic algorithm and population-oriented metaheuristic (30). GWO is based on the natural behaviors of the gray wolf (28). The algorithm fundamentally simulates the wolf's social behavior and hunting mechanisms. In GWO, the wolves (search agents) are classified as alpha (α), beta (β), delta (δ), and omega (ω). α is the fittest wolf or the best solution. β and δ each denote the second and third best wolves. Meanwhile, ω denotes the other wolves in the population. Finding the prey (process of optimization) is spearheaded by δ, β, and α whilst the wolves (ω) are the followers. When surrounding the prey, wolves inform about their positions based on δ, β, or α using the following equations (28):

D=|C·Xp(it)-X(it)|    (1)

and

X(it+1)=Xp(it)-A·D    (2)

Where, it denotes the present iteration number. Xp (it) denotes the present position of the prey. X (it) denotes the wolf's present position. D denotes the distance between the prey and wolf. Below are the mathematical formulas for coefficient vectors (A and C):

A=2a·r1-a    (3)

and

C=2·r2    (4)

Where r1 and r2 are the two vectors that are randomly generated between 1 and 0. “a” denotes linear decrement from 2 to 0 as the iterations number increase. The simulation of the wolves' hunting behaviors results in the saving of the first three top values as α, β, and δ. Below is the formula for updating the position of the gray wolf population:

{ Dα=|C1·XαX|Dβ=|C2·XβX|Dδ=|C3·XδX|     (5)
{X1=Xα(it)A1·DαX2=Xβ(it)A2·DβX3=Xδ(it)A3·Dδ    (6)

and

X(t+1)=X1+X2+X33    (7)

Where Xα, Xβ, and Xδ denote the positions of α, β, and δ, respectively. X denotes the current wolf position. C1, C2, and C3 are vectors that are randomly generated based on Equation (4). Equation (5) is used to calculate the estimated distances among the current wolf and α, β, and δ, whilst Equations (6) and (7) are used to determine the current wolf's final position. A1, A2, and A3 are vectors that randomly generated using Equation (3). it represents the iterations number.

This updating mechanism facilitates the omega wolves in reaching new stochastic places (presumed to be nearer to the prey) in the circle delineated by the leading wolves' positions. GWO is distinguished by its strategy in managing the explorations and exploitations in the search process. With a decrease from 2 to 0 during the iterations, the algorithm progressively moves on from underlining the process of exploration to the process of exploitation (30). Figure 4 shows the GWO algorithm flowchart. Below are the general processing steps of the GWO algorithm (28):

(a) Parameters of the gray wolf, such as population size or the number of search agents (NSA), are initialized. For the following steps, the search agent term refers to a wolf, position of each wolf (search agent), maximum number of iteration (itmax), and upper and lower bound of search.

(b) Set the iteration counter it = 0.

(c) Initialize the coefficient vectors “A, and C” using Equations (3 and 4) while the initialization of “a”, which is the linear decrements from 2 to 0 as the iterations number increase, uses a = 2-it*((2)/ itmax).

(d) Calculate the fitness for all search agents and set the first three best search agents as Xα, Xβ, and Xδ where Xα denotes the first best search agent whilst Xβ denotes the second best search agent, and Xδ denotes the third best search agent.

(e) Increase the iteration counter it = it + 1.

(f) Update “A, and C” using Equations (3 and 4) while “a” using a=2-it*((2)/ itmax).

(g) Update the position of all current search agents using Equations (5 and 6).

(h) Recalculate the fitness for all search agents.

If any better search agent is found, then update the best agents Xα, Xβ, Xδ.

(j) Repeat steps from “e” if the stopping criteria are not satisfied.

(k) The best-calculated optimum (best search agent) will be returned as Xα.

FIGURE 4
www.frontiersin.org

Figure 4. Flowchart of the GWO algorithm.

GWO-ELM

The GWO-ELM follows the GWO concept in Mirjalili et al. (28). It adjusts the input weight values and the biases of the hidden nodes by updating the GWO parameters toward achieving greater accuracy. The GWO-ELM steps are presented below while the flowchart is illustrated in Figure 5. Table 5 shows the ELM-GWO parameter settings.

FIGURE 5
www.frontiersin.org

Figure 5. GWO-ELM algorithm flowchart.

TABLE 5
www.frontiersin.org

Table 5. The parameters settings for the ELM and GWO.

Let N be the number of training samples and (Xj, tj) refer to a single sample of the training samples.,

Where:

Xj is the input extracted from HOG-PCA features where Xj = [xj1, xj2, …, xjn]TRn,

tj is the expected output (true value) where tj = [tj1, tj2, …, tjm]TRm.

Step 1: Random initialization of the gray wolf population (position of all search agents) within the range of [-1, 1] for the values of the input weights, and [0, 1] for the hidden nodes' bias. Ascertaining the initial GWO parameters entails: 1) the population size or number of search agents (NSA), 2) the maximum number of iterations (itmax), and 3) the iteration counter it = 0. Each wolf (search agent) in the population is reshaped using the following form:

SAi=[w11,w12,w1n,w21,w22,w2n,wL1,wL2,wLn,b1,bL]

Where:

wij = value of input-weights which connect between the ith hidden node and jth input node, wij∈ [−1, 1].

bi = ith hidden node's bias, bi ∈ [0, 1].

n = number of the input-nodes.

L = number of the hidden nodes.

L × (1+n) denotes the dimension of the search agent, which therefore requires optimization of its parameters.

Step 2: Initialization of the coefficient vectors ‘A, and C' using Equations (3 and 4) while the initialization of the ‘a' which is the linear decrements from 2 to 0 as the iterations number increase, using a = 2-it*((2)/ itmax).

Step 3: Division of the dataset into training and testing sets

Set the hidden layer nodes as m, and choose a suitable activation function g(x) for ELM;

f(X)=j=1N||i=1Lρig(wixj+ bi)-tj||22N    (8)

Where:

ρ = output weight matrix;

tj = true value; and

N = number of training samples.

Where:

ρ=HT    (9)
H=[g(w1.X1+b1)g(wL.X1+bL)g(w1.XN+b1)g(wL.XN+bL)]N×L    (10)
ρ=[ ρ1TρLT ]L×mand     T =[ t1TtNT ]N× m

H in Equation (10) is the hidden layer output matrix of the ELM network; in H, the ith column is indicated to the ith hidden layer neuron on the input neurons. While the H is the Moore–Penrose generalized inverse of H. The activation function g is infinitely distinguishable when the desired number of hidden neurons is LN.

Step 4: Train the ELM and evaluate the fitness value of each search agent according to the accuracy of the classification.

Step 5: Based on the fitness values of each search agent, set the first three best search agents as Xα, Xβ, and Xδ, where Xα denotes the first best search agent whilst Xβ denotes the second best search agent, and Xδ denotes the third best search agent.

Step 6: Increase the iteration counter it = it + 1.

Step 7: Update ‘A, and C' using Equations (3 and 4) while ‘a' using a = 2-it*((2)/ itmax).

Step 8: Update the position of all current search agents using Equations (5–7).

Step 9: Recalculate the fitness for all search agents using Equation (8).

Step 10: If any better search agent is found, then update the best agents Xα, Xβ, Xδ.

Step 11: Repeat steps from step 6 if the stopping criteria are not satisfied, or else save the optimal weights and thresholds between input layers and hidden layers (Xα).

Step 12: The results of GWO are utilized as input-weights and hidden-layer biases of the ELM, calculating the hidden layer output matrix (H) via the activation function g(x);

Step 13: Calculate the output-weights (ρ) according to Equation (9) and save the forecasting ELM model for testing.

Experiments and results

The proposed GWO-ELM approach was utilized in both binary and multi-class classification experiments with a hidden neurons number in a range of [100–300] and increment steps of 25. In the multi-class classification experiments, we have used both APTOS-2019 and IDRiD datasets in order to classify five different classes, namely no DR, mild, moderate, severe, and proliferative DR. In the binary classification experiments, we have used both APTOS-2019 and IDRiD datasets in order to classify two different classes (i.e., no DR and DR). The class of DR was obtained by combining mild, moderate, severe, and proliferative DR classes. Hence, the total number of both binary and multi-class classification experiments for the GWO-ELM approach is 36, and each experiment has 100 iterations. All the experiments have been applied based on using 80% of the dataset as a training dataset and the remaining 20% as a testing dataset. In addition, it is worth mentioning that all the experiments have been implemented in MATLAB R2019a programming language over a PC Core i7 of 3.20 GHz with 16 GB RAM and SSD 1 TB (Windows 10).

In this study, numerous evaluation measurements were utilized to evaluate the proposed approach GWO-ELM. The evaluation measurements rely on the ground truth, which entails the application of the model to expect the answer on the evaluation dataset followed by a comparison between the predicted target and the actual answer. The evaluation measurements have been used in order to evaluate the proposed GWO-ELM approach regarding True Positive (TP), True Negative (TN), False Positive (FP), False Negative (FN), recall, accuracy, specificity, G-mean, precision, F-measure, and MCC. Equations (11–17) (4446) depict these evaluation measurements.

accuracy=TP+TNTP+TN+FN+FP    (11)
precision=TPTP+FP    (12)
recall=TPTP+FN    (13)
F-Measure=(2 × precision × recall)(precision + recall)    (14)
G-Mean=recall×precision2    (15)
Specificity=TNTN+FP    (16)
MCC=TP ×  TNFP ×FN(TP+FP) ×(TP+FN)×(TN+FP)×(TN+FN)    (17)

Table 6 shows the highest outcomes of the binary and multi-class classification experiments that have been conducted using the proposed GWO-ELM approach based on both datasets APTOS-2019 and IDRiD. Table 6 presents the evaluation outcomes of the GWO-ELM in terms of recall, accuracy, specificity, G-mean, precision, F-measure, and MCC. The highest achieved multi-class classification accuracies of the GWO-ELM approach were 96.21% and 96.15% using APTOS-2019 and IDRiD datasets, respectively. Whilst the highest achieved binary classification accuracies of the GWO-ELM approach were 99.47% using the APTOS-2019 dataset and 99.04% using the IDRiD dataset. In addition, Figures 610 show the confusion matrices for the highest outcomes of the binary and multi-class classification using the GWO-ELM approach based on both datasets APTOS-2019 and IDRiD. Further, Figures 10, 11 present the ROC of the best binary classification outcome for the GWO-ELM approach using the APTOS-2019 and IDRiD datasets.

TABLE 6
www.frontiersin.org

Table 6. The highest experiment outcomes of the binary and multi-class classifications for GWO-ELM approach using APTOS-2019 and IDRiD datasets.

FIGURE 6
www.frontiersin.org

Figure 6. The confusion matrix of the highest multi-class classification outcome for the GWO-ELM approach using the APTOS-2019 dataset.

FIGURE 7
www.frontiersin.org

Figure 7. The confusion matrix of the highest binary classification outcome for the GWO-ELM approach using the APTOS-2019 dataset.

FIGURE 8
www.frontiersin.org

Figure 8. The confusion matrix of the highest multi-class classification outcome for the GWO-ELM approach using the IDRiD dataset.

FIGURE 9
www.frontiersin.org

Figure 9. The confusion matrix of the highest binary classification outcome for the GWO-ELM approach using the IDRiD dataset.

FIGURE 10
www.frontiersin.org

Figure 10. The ROC of the highest binary classification outcome for the GWO-ELM approach using the APTOS-2019 dataset.

FIGURE 11
www.frontiersin.org

Figure 11. The ROC of the highest binary classification outcome for the GWO-ELM approach using the IDRiD dataset.

Further, additional experiments have been implemented utilizing feedforward NN and basic ELM as classifiers and HOG-PCA features to perform binary and multi-class classification of the DR. Both classifiers NN and basic ELM were implemented in binary and multi-class classifications when varying the number of the hidden nodes in the range of [100–300] and increment steps of 25. Tables 7, 8 provide the highest binary and multi-class classification experiments outcomes of the NN and ELM classifiers using both APTOS-2019 and IDRiD datasets. The best performance of the basic ELM in multi-class classification has been obtained with an accuracy of 80.21% and 74.62% for APTOS-2019 and IDRiD datasets, respectively. While the highest performance of the basic ELM in binary classification has acquired an accuracy of 92.63% using APTOS-2019 dataset and 72.12% using IDRiD dataset. Furthermore, the best achieved multi-class classification accuracies of the NN approach were 78.53% and 72.31% using APTOS-2019 and IDRiD datasets, respectively. The highest achieved binary classification accuracies of the NN approach were 90.53% using the APTOS-2019 dataset and 71.15% using the IDRiD dataset.

TABLE 7
www.frontiersin.org

Table 7. The highest experiment outcomes of the binary and multi-class classifications for ELM approach using APTOS-2019 and IDRiD datasets.

TABLE 8
www.frontiersin.org

Table 8. The highest experiments outcomes of the classification and detection for NN approach using APTOS-2019 and IDRiD datasets.

Moreover, further experiments have been conducted utilizing SVM (linear kernel), SVM (precomputed kernel), and RF as classifiers and HOG-PCA features to perform binary and multi-class classifications of the DR. Table 9 provides the outcomes of the binary and multi-class classification experiments for the SVM (linear kernel), SVM (precomputed kernel), and RF classifiers using both APTOS-2019 and IDRiD datasets. In multi-class classification and when using APTOS-2019 dataset, the best performance of the SVM (linear) was achieved with an accuracy of 79.58% while the highest performance of the SVM (precomputed kernel) and RF classifiers was equal with an accuracy of 79.37%. Moreover, in binary classification and when using APTOS-2019 dataset, the best performance of the SVM (linear) and SVM (precomputed kernel) was equal and achieved an accuracy of 88.95% while the highest performance of RF classifier was achieved with an accuracy of 91.58%. Additionally, in multi-class classification and using IDRiD dataset, the best performance of the SVM (linear), SVM (precomputed kernel), and RF classifiers was achieved with an accuracy of 73.85, 73.08, and 74.23%, respectively. In binary classification and using IDRiD dataset, the highest performance of the SVM (linear), SVM (precomputed kernel), and RF classifiers was achieved with an accuracy of 68.27, 67.31, and 69.23%, respectively.

TABLE 9
www.frontiersin.org

Table 9. The experiments outcomes of the binary and multi-class classification for SVM (linear kernel), SVM (precomputed kernel), and RF approaches using APTOS-2019 and IDRiD datasets.

The outcomes for binary and multi-class classification are shown in Tables 69. The performance of the GWO-ELM approach outperformed the NN, ELM, SVM (linear kernel), SVM (precomputed kernel), and RF in all experiments. This discovery confirms that generating the appropriate weights and biases for the ELM's single hidden layer decreases classification errors. In other words, avoiding inappropriate weights and biases prevents the ELM algorithm from becoming stuck in the local maxima of the weights and biases. Consequently, the performances of the proposed GWO-ELM approach in the multi-class and binary classification were impressive and achieved an accuracy of 96.21, 99.47, 96.15, and 99.04% using APTOS-2019 and IDRiD datasets, respectively. This research confirms that the combination of the GWO-ELM classifier with HOG-PCA features is an effective approach for detecting the DR using retinal images which could help physicians in easily screening for DR.

Furthermore, the proposed GWO-ELM technique is compared with some recent works (4765) in terms of accuracy based on binary and multi-class classifications using APTOS-2019 and IDRiD datasets. Table 10 exhibits the comparison accuracy results of the proposed GWO-ELM and some other previous works.

TABLE 10
www.frontiersin.org

Table 10. The comparison of accuracy between the proposed GWO-ELM and other previous works.

Based on all the results in Table 10, it is clear that the performance of the GWO-ELM outperformed all the other previous works in binary and multi-class classifications using both datasets APTOS-2019 and IDRiD. This suggests that the proposed GWO-ELM is a reliable technique for the detection of DR when using image data. Although the proposed method has shown a good performance, there are some limitations which are provided as follows:

• The image datasets which have been used in this study for the training and testing purposes are small.

• The evaluations of this study did not consider the execution time measurement of the proposed GWO-ELM approach.

• The current study has considered only the off-line aspect for detecting DR.

Conclusion

In this study, we have proposed a DR detection approach based on HOG-PCA features and GWO-ELM classifier. The GWO-ELM classifier underwent evaluations using the APTOS-2019 and IDRiD datasets. The outcomes indicated the superiority of the GWO-ELM over the existing methods [i.e., NN, ELM, SVM (linear kernel), SVM (precomputed kernel), and RF] (see Tables 610) in all experiments. In addition, the performance of the GWO-ELM classifier has been proven to outperform some recent studies (see Table 10) in both binary and multi-class classifications. The maximum multi-class classification performance of the GWO-ELM classifier was achieved with an accuracy reaching up to 96.21%. Further, the maximum binary classification performance of the GWO-ELM classifier was achieved with an accuracy of 99.47%. This demonstrates that the combination of the GWO-ELM and HOG-PCA is an effective classifier for detecting DR and might be applicable in solving other image data type. However, the current research has taken into account only the off-line aspect for detecting DR. Therefore, the future plan of the current research is to establish an approach to detect DR, which can handle the online execution for both classification and feature extraction in order to meet the real-time aspects. The proposed DR detection approach will be tested under adversarial attacks. Additionally, other optimization methods for ELM will be further explored in order to generate the most suitable weights and biases for the ELM which leads to minimizing classification process errors.

Data availability statement

Publicly available datasets were analyzed in this study. This data can be found at: APTOS-2019: https://www.kaggle.com/competitions/aptos2019-blindness-detection/data; IDRiD: https://ieee-dataport.org/open-access/indian-diabetic-retinopathy-image-dataset-idrid.

Author contributions

MAA: conceptualization, methodology, writing—original draft, software, writing review, and editing. MA: supervision, funding acquisition, and project administration. ST: supervision. FA-D: writing review and editing. MH: investigation. All authors contributed to the article and approved the submitted version.

Funding

This work was supported in part by the Universiti Kebangsaan Malaysia under Grant DIP-2019-013.

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher's note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

References

1. Akram MU, Khalid S Khan SIdentification A. and classification of microaneurysms for early detection of diabetic retinopathy. Pattern Recognit. (2013) 46:107–16. doi: 10.1016/j.patcog.2012.07.002

CrossRef Full Text | Google Scholar

2. Taylor R, Batey D. Handbook of Retinal Screening in Diabetes: Diagnosis and Management. Hoboken, NJ: John Wiley and Sons (2012).

Google Scholar

3. AL-Dhief FT, Latiff ANM, Baki MM, Malik NNA N, Sabri N, Albadr MAA. Voice pathology detection using support vector machine based on different number of voice signals. In: 2021 26th IEEE Asia-Pacific Conference on Communications (APCC). Kuala Lumpur: IEEE (2021). p. 1–6.

Google Scholar

4. AL-Dhief FT, Latiff ANM, Malik NNA N, Sabri N, Baki MM, Albadr MAA, et al. Voice pathology detection using machine learning technique. In: 2020 IEEE 5th International Symposium on Telecommunication Technologies (ISTT). Shah Alam: IEEE (2020). p. 99–104.

Google Scholar

5. Al-Dhief FT, Latiff ANM, Malik NNA N, Salim NS, Baki MM, Albadr MAA, et al. A survey of voice pathology surveillance systems based on Internet of Things and machine learning algorithms. IEEE Access. (2020) 8:64514–33. doi: 10.1109/ACCESS.2020.2984925

CrossRef Full Text | Google Scholar

6. Albadr MAA, Tiun S, Ayob M, Al-Dhief FT, Omar K, Hamzah FA. Optimised genetic algorithm-extreme learning machine approach for automatic COVID-19 detection. PLoS ONE. (2020) 15:e0242899. doi: 10.1371/journal.pone.0242899

PubMed Abstract | CrossRef Full Text | Google Scholar

7. Gadekallu TR, Khare N, Bhattacharya S, Singh S, Maddikunta PKR, Ra I-H, et al. Early detection of diabetic retinopathy using PCA-firefly based deep learning model. Electronics. (2020) 9:274. doi: 10.3390/electronics9020274

PubMed Abstract | CrossRef Full Text | Google Scholar

8. Gadekallu TR, Khare N, Bhattacharya S, Singh S, Maddikunta PKR, Srivastava G. Deep neural networks to predict diabetic retinopathy. J Ambient Intell Hum Comput. (2020) 2020:1–14. doi: 10.1007/s12652-020-01963-7

CrossRef Full Text | Google Scholar

9. Reddy GT, Bhattacharya S, Ramakrishnan SS, Chowdhary CL, Hakak S, Kaluri R, et al. An ensemble based machine learning model for diabetic retinopathy classification. In: 2020 International Conference on Emerging Trends in Information Technology and Engineering (ic-ETITE). Vellore: IEEE (2020). p. 1–6.

Google Scholar

10. Abdel-Nasser M, Moreno A, Puig D. Breast cancer detection in thermal infrared images using representation learning and texture analysis methods. Electronics. (2019) 8:100. doi: 10.3390/electronics8010100

CrossRef Full Text | Google Scholar

11. Abdel-Nasser M, Saleh A, Moreno A, Puig D. Automatic nipple detection in breast thermograms. Expert Syst Appl. (2016) 64:365–74. doi: 10.1016/j.eswa.2016.08.026

CrossRef Full Text | Google Scholar

12. Dalal N, Triggs B. Histograms of oriented gradients for human detection. In: 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR'05). San Diego, CA: IEEE (2005). p. 886–93.

Google Scholar

13. Marsboom C, Vrebos D, Staes J. Meire Using dimension reduction PCA to identify ecosystem service bundles. Ecol Indicat. (2018) 87:209–60. doi: 10.1016/j.ecolind.2017.10.049

CrossRef Full Text | Google Scholar

14. Shi-fan Q, Jun-kun T, Yong-gang Z, Li-jun W, Ming-fei Z, Jun T, et al. Settlement prediction of foundation pit excavation based on the GWO-ELM model considering different states of influence. Adv Civil Eng. (2021) 2021:8896210. doi: 10.1155/2021/8896210

CrossRef Full Text | Google Scholar

15. Sridhar S, PradeepKandhasamy J, Sinthuja M, Minish TS. Diabetic retinopathy detection using convolutional nueral networks algorithm. Mater Today: Proc. (2021) 206:106094. doi: 10.1016/j.matpr.2021.01.059

CrossRef Full Text | Google Scholar

16. Gangwar AK, Ravi V. Diabetic retinopathy detection using transfer learning and deep learning. In: Evolution in Computational Intelligence. Singapore: Springer (2021). p. 679–89.

PubMed Abstract | Google Scholar

17. Albadr MAA, Tiun S, Ayob M, Al-Dhief FT, T-Abdali AN, Abbas AF. Extreme learning machine for automatic language identification utilizing emotion speech data. In: 2021 International Conference on Electrical. Communication, and Computer Engineering (ICECCE). Kuala Lumpur:IEEE (2021). p. 1–6.

Google Scholar

18. Albadr MAA, Tiuna S. Extreme learning machine: a review. Int J Appl Eng Res. (2017) 12:4610–23. doi: 10.37622/000000

CrossRef Full Text | Google Scholar

19. Albadr MAA, Tiun S, Ayob M, AL-Dhief FT, Omar K, Maen MK. Speech emotion recognition using optimized genetic algorithm-extreme learning machine. Multimedia Tools Appl. (2022) 81:1–27. doi: 10.1007/s11042-022-12747-w

CrossRef Full Text | Google Scholar

20. Huang G, Huang G-B, Song S, You K. Trends in extreme learning machines: a review. Neural Networks. (2015) 61:32–48. doi: 10.1016/j.neunet.2014.10.001

PubMed Abstract | CrossRef Full Text | Google Scholar

21. Albadr MAA, Tiun S, Al-Dhief FT, Sammour MA. Spoken language identification based on the enhanced self-adjusting extreme learning machine approach. PLoS ONE. (2018) 13:e0194770. doi: 10.1371/journal.pone.0194770

PubMed Abstract | CrossRef Full Text | Google Scholar

22. Albadr MAA, Tiun S, Ayob M, Mohammed M, AL-Dhief FT. Mel-frequency cepstral coefficient features based on standard deviation and principal component analysis for language identification systems. Cognit Comput. (2021) 13:1136–53. doi: 10.1007/s12559-021-09914-w

CrossRef Full Text | Google Scholar

23. Asha P, Karpagavalli S. Diabetic retinal exudates detection using machine learning techniques. In: 2015 International Conference on Advanced Computing and Communication Systems. Coimbatore: IEEE (2015). p. 1–5.

PubMed Abstract | Google Scholar

24. Zhang Y, An M. An active learning classifier for further reducing diabetic retinopathy screening system cost. Comput Math Methods Med. (2016) 2016:4345936. doi: 10.1155/2016/4345936

PubMed Abstract | CrossRef Full Text | Google Scholar

25. Punithavathi IH, Kumar PG. Severity grading of diabetic retinopathy using extreme learning machine. In: 2017 IEEE International Conference on Intelligent Techniques in Control, Optimization and Signal Processing (INCOS). Srivilliputtur: IEEE (2017). p. 1–6.

PubMed Abstract | Google Scholar

26. Deepa V, Kumar CS, Andrews SS. Fusing dual-tree quaternion wavelet transform and local mesh based features for grading of diabetic retinopathy using extreme learning machine classifier. Int J Imaging Syst Technol. (2021) 31:1625–37. doi: 10.1002/ima.22573

CrossRef Full Text | Google Scholar

27. Albadr MAA, Tiun S, Ayob M, AL-Dhief FT. Spoken language identification based on optimised genetic algorithm–extreme learning machine approach. Int J Speech Technol. (2019) 22:711–27. doi: 10.1007/s10772-019-09621-w

CrossRef Full Text | Google Scholar

28. Mirjalili S, Mirjalili SM, Lewis A. Grey wolf optimizer. Adv Eng Software. (2014) 69:46–61. doi: 10.1016/j.advengsoft.2013.12.007

CrossRef Full Text | Google Scholar

29. Faris H, Aljarah I, Al-Betar MA, Mirjalili S. Grey wolf optimizer: a review of recent variants and applications. Neural Comput Appl. (2018) 30:413–35. doi: 10.1007/s00521-017-3272-5

CrossRef Full Text | Google Scholar

30. Faris H, Mirjalili S, Aljarah I. Automatic selection of hidden neurons and weights in neural networks using grey wolf optimizer based on a hybrid encoding scheme. Int J Mach Learn Cybern. (2019) 10:2901–20. doi: 10.1007/s13042-018-00913-2

CrossRef Full Text | Google Scholar

31. Li Q, Chen H, Huang H, Zhao X, Cai Z, Tong C, et al. An enhanced grey wolf optimization based feature selection wrapped kernel extreme learning machine for medical diagnosis. Comput Math Methods Med. (2017) 2017. doi: 10.1155/2017/9512741

PubMed Abstract | CrossRef Full Text | Google Scholar

32. Hu L, Li H, Cai Z, Lin F, Hong G, Chen H, et al. A new machine-learning method to prognosticate paraquat poisoned patients by combining coagulation, liver, kidney indices. PLoS ONE. (2017) 12:e0186427. doi: 10.1371/journal.pone.0186427

PubMed Abstract | CrossRef Full Text | Google Scholar

33. Jasmine Selvakumari Jeya I, Revathi M, Uma Priya M. Proposed self – regulated gray wolf optimizer based extreme learning machine neural network classifier for lung cancer classification. Int J Recent Technol Eng. (2019) 8:2S119. doi: 10.35940/ijrte.B1064.0982S1119

CrossRef Full Text | Google Scholar

34. Sharmila SM, Indra Gandhi MP. A novel method for identification of cardio vascular disease using KELM optimized by grey wolf algorithm. Int J Innovat Technol Exploring Eng. (2019) 8:8919. doi: 10.35940/ijitee.I9006.078919

CrossRef Full Text | Google Scholar

35. Naz A, Javaid N, Javaid S. Enhanced recurrent extreme learning machine using gray wolf optimization for load forecasting. In: 2018 IEEE 21st International Multi-Topic Conference (INMIC). Karachi: IEEE (2018). p. 1–5.

Google Scholar

36. Wang M, Chen H, Li H, Cai Z, Zhao X, Tong C, et al. Grey wolf optimization evolving kernel extreme learning machine: application to bankruptcy prediction. Eng Appl Artif Intell. (2017) 63:54–68. doi: 10.1016/j.engappai.2017.05.003

CrossRef Full Text | Google Scholar

37. Zhao X, Zhang X, Cai Z, Tian X, Wang X, Huang Y, et al. Chaos enhanced grey wolf optimization wrapped ELM for diagnosis of paraquat-poisoned patients. Comput Biol Chem. (2019) 78:481–90. doi: 10.1016/j.compbiolchem.2018.11.017

PubMed Abstract | CrossRef Full Text | Google Scholar

38. Reddy GSV, Das D, Biswas SK, Prashanth BS, Bhargav BP, Kumar TV, et al. Comparative analysis of intelligent systems using support vector machine for the detection of diabetic retinopathy. In: Intelligent Computing and Communication Systems. Singapore: Springer (2021). p. 245–57.

PubMed Abstract | Google Scholar

39. Hospital E. APTOS-2019. Kaggle. (2021). Available online at: https://www.kaggle.com/c/aptos2019-blindness-detection/data (accessed January 1, 2019).

Google Scholar

40. Porwal P, Pachade S, Kamble R, Kokare M, Deshmukh G, Sahasrabuddhe V, et al. Indian diabetic retinopathy image dataset (IDRiD): a database for diabetic retinopathy screening research. Data. (2018) 3:25. doi: 10.3390/data3030025

PubMed Abstract | CrossRef Full Text | Google Scholar

41. Mu Y, Liu X, Wang L. A Pearson's correlation coefficient based decision tree and its parallel implementation. Inf Sci. (2018) 435:40–58. doi: 10.1016/j.ins.2017.12.059

CrossRef Full Text | Google Scholar

42. Xu M, Li T, Wang Z, Deng X, Yang R, Guan Z. Reducing complexity of HEVC: a deep learning approach. IEEE Trans Image Process. (2018) 27:5044–59. doi: 10.1109/TIP.2018.2847035

PubMed Abstract | CrossRef Full Text | Google Scholar

43. Yu T, Zhang J, Cai W, Qi F. Toward real-time volumetric tomography for combustion diagnostics via dimension reduction. Opt Lett. (2018) 43:1107–10. doi: 10.1364/OL.43.001107

PubMed Abstract | CrossRef Full Text | Google Scholar

44. Al-Dhief FT, Baki MM, Latiff ANM, Malik NNA N, Salim NS, Albader MAA, et al. Voice pathology detection and classification by adopting online sequential extreme learning machine. IEEE Access. (2021) 9:77293–306. doi: 10.1109/ACCESS.2021.3082565

CrossRef Full Text | Google Scholar

45. Albadr MA, Tiun S, Ayob M, Al-Dhief F. Genetic algorithm based on natural selection theory for optimization problems. Symmetry. (2020) 12:1758. doi: 10.3390/sym12111758

CrossRef Full Text | Google Scholar

46. Albadr MAA, Tiun S. Spoken language identification based on particle swarm optimisation–extreme learning machine approach. Circ Syst Signal Process. (2020) 39:1–27. doi: 10.1007/s00034-020-01388-9

CrossRef Full Text | Google Scholar

47. Adriman R, Muchtar K, Maulina N. Performance evaluation of binary classification of diabetic retinopathy through deep learning techniques using texture feature. Procedia Comput Sci. (2021) 179:88–94. doi: 10.1016/j.procs.2020.12.012

CrossRef Full Text | Google Scholar

48. Alyoubi WL, Abulkhair MF, Shalash WM. Diabetic retinopathy fundus image classification and lesions localization system using deep learning. Sensors. (2021) 21:3704. doi: 10.3390/s21113704

PubMed Abstract | CrossRef Full Text | Google Scholar

49. Alzami F, Megantara RA, Abdussalam P, Fanani AZ, Andono PN, Soeleman MA. Exudates detection for multiclass diabetic retinopathy grade detection using ensemble. Technology Reports of Kansai University (2020).

Google Scholar

50. Bodapati JD, Naralasetti V, Shareef SN, Hakak S, Bilal M, Maddikunta PKR, et al. Blended multi-modal deep convnet features for diabetic retinopathy severity prediction. Electronics. (2020) 9:914. doi: 10.3390/electronics9060914

CrossRef Full Text | Google Scholar

51. Bodapati JD, Shaik NS, Naralasetti V. Composite deep neural network with gated-attention mechanism for diabetic retinopathy severity classification. J Ambient Intell Hum Comput. (2021) 12:1–15. doi: 10.1007/s12652-020-02727-z

CrossRef Full Text | Google Scholar

52. Dondeti V, Bodapati JD, Shareef SN, Veeranjaneyulu N. Deep convolution features in non-linear embedding space for fundus image classification. Rev d'Intelligence Artif. (2020) 34:307–13. doi: 10.18280/ria.340308

CrossRef Full Text | Google Scholar

53. Gayathri S, Gopi VP. Palanisamy automated classification of diabetic retinopathy through reliable feature selection. Phys Eng Sci Med. (2020) 43:927–45. doi: 10.1007/s13246-020-00890-3

PubMed Abstract | CrossRef Full Text | Google Scholar

54. Gayathri S, Gopi VP, Palanisamy A. lightweight CNN for Diabetic Retinopathy classification from fundus images. Biomed Signal Process Control. (2020) 62:102115. doi: 10.1016/j.bspc.2020.102115

CrossRef Full Text | Google Scholar

55. Kassani SH, Kassani PH, Khazaeinezhad R, Wesolowski MJ, Schneider KA, Deters R. Diabetic retinopathy classification using a modified xception architecture. In: 2019 IEEE International Symposium on Signal Processing and Information Technology (ISSPIT). Ajman: IEEE (2019). p. 1–6.

Google Scholar

56. Liu H, Yue K, Cheng S, Pan C, Sun J, Li W. Hybrid model structure for diabetic retinopathy classification. J Healthc Eng. (2020) 2020:8840174. doi: 10.1155/2020/8840174

PubMed Abstract | CrossRef Full Text | Google Scholar

57. Nahiduzzaman M, Islam MR, Islam SR, Goni MOF, Anower MS, Kwak K-S. Hybrid CNN-SVD based prominent feature extraction and selection for grading diabetic retinopathy using extreme learning machine algorithm. IEEE Access. (2021) 9:152261–74 doi: 10.1109/ACCESS.2021.3125791

CrossRef Full Text | Google Scholar

58. Saranya P, Prabakaran S. Automatic detection of non-proliferative diabetic retinopathy in retinal fundus images using convolution neural network. J Ambient Intell Hum Comput. (2020) 2020:1–10. doi: 10.1007/s12652-020-02518-6

CrossRef Full Text | Google Scholar

59. Sikder N, Masud M, Bairagi AK, Arif ASM, Nahid A-A, Alhumyani HA. Severity classification of diabetic retinopathy using an ensemble learning algorithm through analyzing retinal images. Symmetry. (2021) 13:670. doi: 10.3390/sym13040670

CrossRef Full Text | Google Scholar

60. Singh RK, Gorantla R. DMENet: diabetic macular edema diagnosis using hierarchical ensemble of CNNs. PLoS ONE. (2020) 15:e0220677. doi: 10.1371/journal.pone.0220677

PubMed Abstract | CrossRef Full Text | Google Scholar

61. Tymchenko B, Marchenko P, Spodarets D. Deep learning approach to diabetic retinopathy detection. arXiv preprint arXiv:2003.02261. (2020) doi: 10.5220/0008970805010509

CrossRef Full Text | Google Scholar

62. Vaibhavi P, Manjesh R. Binary classification of diabetic retinopathy detection and web application. Int J Res Eng Sci Manag. (2021) 4:142–5.

Google Scholar

63. Wu Z, Shi G, Chen Y, Shi F, Chen X, Coatrieux G, et al. Coarse-to-fine classification for diabetic retinopathy grading using convolutional neural network. Artif Intell Med. (2020) 108:101936. doi: 10.1016/j.artmed.2020.101936

PubMed Abstract | CrossRef Full Text | Google Scholar

64. Yi S-L, Yang X-L, Wang T-W, She F-R, Xiong X, He J-F. Diabetic retinopathy diagnosis based on RA-EfficientNet, Appl Sci. (2021) 11:11035. doi: 10.3390/app112211035

CrossRef Full Text | Google Scholar

65. Zhou Y, He X, Huang L, Liu L, Zhu F, Cui S, et al. Collaborative learning of semi-supervised segmentation and classification for medical images. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. Long Beach, CA: IEEE (2019). p. 2079–88.

PubMed Abstract | Google Scholar

Keywords: gray wolf optimization, extreme learning machine, Histogram of Oriented Gradients, Principal Component Analysis, Diabetic Retinopathy

Citation: Albadr MAA, Ayob M, Tiun S, AL-Dhief FT and Hasan MK (2022) Gray wolf optimization-extreme learning machine approach for diabetic retinopathy detection. Front. Public Health 10:925901. doi: 10.3389/fpubh.2022.925901

Received: 22 April 2022; Accepted: 01 June 2022;
Published: 01 August 2022.

Edited by:

Yi-Ju Tseng, National Yang Ming Chiao Tung University, Taiwan

Reviewed by:

Thippa Reddy Gadekallu, VIT University, India
Tae Keun Yoo, B&VIIT Eye Center, South Korea

Copyright © 2022 Albadr, Ayob, Tiun, AL-Dhief and Hasan. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Musatafa Abbas Abbood Albadr, mustafa_abbas1988@yahoo.com

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.