You are on page 1of 6

2023 International Conference on Integrated Intelligence and Communication Systems (ICIICS)

Preprocessing, Feature Extraction, and


Classification Methodologies on Diabetic
Retinopathy Using Fundus Images
2023 International Conference on Integrated Intelligence and Communication Systems (ICIICS) | 979-8-3503-1545-5/23/$31.00 ©2023 IEEE | DOI: 10.1109/ICIICS59993.2023.10421217

1st Veerendra Basreddy 2nd Sachinkumar Veerashetty


Dept.of Computer Science and Engineering Dept.of Computer Science and Engineering
Faculty of Engineering and Technology (Coed) Faculty of Engineering and Technology (Coed)
Sharnbasva University Sharnbasva University
Kalaburagi, India Kalaburagi, India
veerubasreddy@gmail.com sveerashetty@gmail.com

Abstract—Significant progress has been made throughout


the detection of Diabetic Retinopathy (DR) over the past few
decades because of the utilization of Deep-Learning (DL)
techniques. Accurate and economical identification of DR using
Fundus Images (FI) is made possible by combining state-of-the-
art methods for image-processing, feature-extraction, and
classification algorithms. This survey aims to explore and
analyze the latest developments in preprocessing, feature
extraction, and classification approaches, highlighting their key Fig. 1. Normal Eye and DR [7].
ideas and contributions. Novel approaches to feature extraction,
involving traditional handcrafted features and DL-based
methods, are investigated to capture relevant characteristics of
DR lesions effectively. Furthermore, the survey explores diverse
classification algorithms, including Support-Vector-Machines
(SVM), Convolutional-Neural-Networks (CNNs), and ensemble
methods, which enable accurate categorization of DR severity
levels. This survey provides valuable insights into the state-of-
the-art methodologies for DR detection, facilitating a
comprehensive understanding of the key approaches and
innovations in preprocessing, feature extraction, and Fig. 2. The Messidor-2 and Kaggle-EyePACS datasets image samples [8].
classification techniques.
Managing blood sugar, blood pressure, and cholesterol
Keywords—Feature Extraction, Diabetic Retinopathy, through lifestyle changes and medications is crucial. DR often
Classification, Fundus Images, Preprocessing
has no early warning signs, so it is crucial that people with
diabetes get frequent eye checkups [9]. The main detection
I. INTRODUCTION
methods include dilated eye examinations [10], Fundus
A collection of eye diseases known collectively as Images (FI) [11], Optical-Coherence-Tomography (OCT)
“Retinopathy” affects the retina, the membrane-covered, [12], and Fluorescein-Angiography [13]. Dilated eye exams
light-sensitive layer at the exterior of the eye that is allow eye care professionals to examine the retina for signs of
accountable for processing visual information into electrical retinopathy by widening the pupils with eye drops. Fundus
impulses [1]. It can cause changes in retinal blood vessels, photography captures high-resolution images of the retina for
leading to various vision problems and potential permanent monitoring changes. OCT provides cross-sectional images to
vision loss if untreated. The two common types are Diabetic detect retinal swelling and thickening. Fluorescein
Retinopathy (DR) [2], linked to poorly controlled blood sugar angiography involves injecting a dye to highlight blood
in diabetes, and Hypertensive Retinopathy [3], related to high vessels and identify leakage or abnormal growth. The risk of
blood pressure. Symptoms include blurred vision, floaters, irreversible blindness or vision loss can be drastically reduced
impaired color vision, difficulty seeing at night, and sudden through early identification, immediate action, and careful
vision loss. Early medical attention from an eye specialist is supervision. Adhering to healthcare provider's
crucial for early detection and treatment. Further, people recommendations for regular eye exams is crucial,
suffering from diabetes are more likely to go blind from a considering factors like age, diabetes duration, and existing
condition called DR, a form of retinopathy [4]. When blood eye conditions.
sugar levels are too high, it causes damage to the tiny veins
within the retina, which can cause fluid leakage or obstruction The use of Deep-Learning (DL) and Machine-Learning
and ultimately blurred vision. An example of normal eye and (ML) to detect DR using FI demonstrated positive outcomes
DR has been given in Figure 1 and Figure 2. There are two [14]. The workflow involves three key steps: preprocessing,
stages: non-proliferative DR [5], where damaged vessels leak where images are resized, contrast-enhanced, normalized, and
and cause swelling, and proliferative DR [6], where abnormal augmented to improve analysis; feature extraction, which
blood vessels grow and may lead to severe vision loss. employs traditional methods like vessel segmentation or DL
with CNNs to learn important features directly from raw
pixels; and classification, achieved through traditional ML
algorithms or end-to-end DL models using CNNs to classify

979-8-3503-1545-5/23/$31.00 ©2023 IEEE

Authorized licensed use limited to: Charles Darwin University. Downloaded on February 09,2024 at 19:17:36 UTC from IEEE Xplore. Restrictions apply.
DR severity levels [15]. These methods enable accurate and segmentation method called as Mayfly-Optimization based
efficient diagnosis, facilitating early detection and improved Region-Growing (MFORG). Finally, for extracting the
patient health. Hence in this study, we present a survey on the features from the RFIs, they have used Long-Shot Term-
various present methods which are currently being used for Memory (LSTM) and Densely-Connected Network
the preprocessing, feature-extraction, and classification of DR (DenseNet) for efficiently classifying the DR patient.
using FIs. We study their methods, the dataset used, and the Moreover, the optimization for the LSTM is done using the
results achieved using their methods. After the complete Honey-Bee Optimization (HBO) method. The proposed
survey, we provide the issues and challenges faced by the IoTDL-DRD attained an average accuracy of 98.97% during
existing methods and provide a novel approach for solving the training and 99.08% during testing for the MESSIDOR [18]
issues of the existing models. In the next section, the literature dataset. Also, the computation time was also reduced in
survey has been presented. The paper is organized in the comparison to the ResNet, Inception-V3, GoogLeNet, and
following way. In Section II, the related work for the DR AlexNet. The IoTDL-DRD attained better results in
preprocessing, feature extraction, and classification has been comparison to ResNet, Inception-V3, GoogLeNet, and
discussed. In Section III, the taxonomy of the research is AlexNet for AUC score, sensitivity, computation time
presented. Further, in Section IV, the possible solutions for specificity, and accuracy.
improvement of the existing wok is presented. Finally, in
Section V, the conclusion of the paper is presented. In [19], in this work, their main focus was to develop
supervised as well as unsupervised learning for detecting DR.
II. RELATED WORK First, the proposed work preprocessed the RFIs to discard the
variations found in the background of the RFIs for achieving
In this section, we have surveyed the various higher accuracy. Further, important features like retinal
methodologies, frameworks, and architectures which have vessels and optic nerves were identified by utilizing the multi-
been presented from 2020 to 2023. In this survey, the primary overlapping windows and Radon-Transform (RT). Further,
focus is on the three stages: preprocessing, feature extraction, they used SVM for the detection of the DR. Their model was
and classification, for diagnosing DR using Retinal FI. tested using three datasets, all of them merged having 749
Preprocessing involves preparing the FI by resizing, contrast images. The results show that the presented model attained
enhancement, normalization, and data-augmentation to specificity and sensitivity of 93% and 100%. In [20], they
enhance the approach performance and prevent overfitting. presented a Computer-Aided-Diagnostic (CAD) technique to
Feature extraction aims to extract relevant information from detect the DR by utilizing CNN and SVM. This work was
the FIs using either traditional methods like vessel presented for only the Optical-Coherence Tomography (OCT)
segmentation and optic disk localization or DL approaches images. In this work, they have first preprocessed the
with Convolutional Neural Networks (CNNs) that learn complete image where they have extracted the input features
hierarchical features directly from the raw pixels. Finally, in which will be required by the CNN. By using the Markov
the classification stage, DR severity levels are classified using Gibbs Random Field [21], they have segmented the OCT
either traditional ML algorithms, such as Support-Vector- image into 12 layers. They have evaluated the technique using
Machines (SVM) or Random-Forest (RF), or end-to-end DL the OCT dataset. The technique was compared with the
models using CNN architectures. The ultimate goal of this existing Random Tree, K-Nearest Neighbor, K-Star, and RF
survey is to explore and analyze the effectiveness of these and the results show that the proposed technique achieved
techniques in accurately diagnosing DR to aid in early recall, specificity, and accuracy of 100%, 88%, and 94%. The
detection and improve patient outcomes. technique In [22], they have presented a CNN-UNetwork
A. Preprocessing architecture for the identification of retinal hemorrhages from
the RFIs. This architecture presented a preprocessing stage
In [16], their main objective was to present a novel CNN
where they removed the black borders from the RFIs for
method for training the segmented and processed Retinal-FIs
achieving better accuracy during identification. In addition,
(RFI) to classify where the patient has a diabetic eye disease.
they have isolated the green channel by slicing apart the red,
For achieving this, first, this work has done preprocessing by
blue, and yellow ones [23], [24]. This is because the green
enhancing the original RFI using illumination correction,
channel has better contrast for the retinal hemorrhage which
Contrast-Limited Adaptive Histogram Equalization
will help for better identification. The CNN-UNetwork was
(CLAHE), and channel extraction. Further, they have
trained for the segmentation and identification of the retinal
segmented the image by using the Region-of-Interest (ROI) of
hemorrhage from the RFIs. Finally, for evaluating their
optic nerves, macular regions, and blood vessels from the RFI.
model, they used DIARETDB1 [25] and the IDRiD dataset.
Furthermore, they have selected high-performance methods
By preprocessing, the results show that the CNN-UNetwork
for classifying the segmented and processed RFIs. Finally,
achieved specificity, sensitivity, and accuracy of 99.68%,
presented the novel CNN method and trained their model to
80.49%, and 98.68%.
achieve higher accuracy for the classification. The proposed
CNN method attained better results in comparison to the B. Feature Extraction
VGC16, Xception, and DenseNet121 for precision, For DR assessment, the authors of [26] describe a
sensitivity, accuracy, and specificity. One major issue with Federated-Learning (FL) model they've called DRFL. In this
this paradigm is that it loses effectiveness as a result of transfer work, they have used the averaging method of FL and the
learning. In [17], this work has presented a DL and Internet of median of the classification loss using the cross-entropy
Things (IoT) method for diagnosing the DR called IoTDL- method. Further, in this work, for the extraction of features,
DRD. In this work, the IoT devices are used for collecting the they have proposed a central server which is utilized for
data and then transferring the collected data towards the cloud extracting the multi-scale features from the RFIs for the
for preprocessing. The contrast level as well as the noise is identification of tiny lesions existing in the RFIs. For
removed from the RFIs during the preprocessing process. evaluating their work, they have considered IDRiD [27],
Further, for detecting the legion area, this work has used a MESSIDOR-2 [28], Silchar [29], and Kaggle Dataset. The

Authorized licensed use limited to: Charles Darwin University. Downloaded on February 09,2024 at 19:17:36 UTC from IEEE Xplore. Restrictions apply.
DRFL model attained specificity, accuracy, F1-score, and RFIs using the CLAHE method. Additionally, a histogram-
precision of 99.3%, 98.6, 97.5 and 97.25% respectively. In segmentation technique was used to divide up the RFIs after
[30], they have presented an architecture that uses CNN along they were already analyzed. Lastly, the HPTI-v4 technique
with the Two-Fold Feature Augmentation (TFA-Net) for the employs the Multi-Layer-Perceptron (MLP) for obtaining
extraction of DR from the multi-modal RFIs. By using the important characteristics from the subdivided RFIs. They have
CNN-TFA-Net, this architecture extracts the representational evaluated their model using the MESSIOR dataset. The
characteristics of the DR at different scales. After the feature performance of HPTI-v4 was evaluated in comparison to
extraction, this work utilized Reverse Cross-Attention as well several well-known models, including ResNet, GoogleNet,
as Weight-Sharing Convolutional Kernels. The CNN-TFA- VggNet-19, VggNet-16, VggNet-s, AlexNet, M-AlexNet, and
Net was evaluated using a private KHUMC dataset and a DNN-MSO. The accuracy achieved by these models varied,
MESSIDOR dataset. The findings demonstrate that CNN- with ResNet reaching 90.4%, GoogleNet achieving 93.36%,
TFA-Net was successful in achieving 94.8% accuracy. VggNet-19 attaining 93.73%, VggNet-16 scoring 93.17%,
VggNet-s reaching 95.68%, AlexNet achieving 89.75%, M-
In [31], this work proposed a technique for identifying the AlexNet performing at 96%, DNN-MSO achieving 99.12%,
DR for both the binary as well as the multiclass classification and HPTI-v4 showcasing the highest accuracy of 99.49%.
dataset. In this work, first, they used Ben-Graham’s method
for preprocessing. For the feature extraction, they have In [41], they have presented an ensemble framework for
utilized the CLAHE method which will remove noise and help the multi-stream data for the classification of DR. This work
for better extraction of the different features. A hybrid CNN utilized the Principal-Component-Analysis (PCA) and deep
Singular-Value Decomposition (SVD) technique has been network technique for training the intra and inter-class
presented for reducing the feature input for the classifier. variation using the RFI images. Further, they have presented
Finally, an Extreme-Learning-Machine (ELM) algorithm has a multi-stream network which is built using DenseNet-121
been presented to reduce the cost of training. For evaluating and ResNet-50 for the feature extraction. Further, they utilized
their model, the MESSIDOR-2 and APTOS 2019 [32] dataset Random-Forest and AdaBoost, an ensemble method for the
was considered. The CNN- SVD-ELM achieved recall and classification of DR. A similar CNN framework was
accuracy of 100% and 99.73% for the binary classification. developed and compared to the suggested ensemble approach.
For multi-class classification, for the MESSIDOR-2 and The MESSIDOR-2 and EyePACS [42] dataset has been
APTOS-2019 datasets, the CNN-SVD-ELM achieved an utilized for evaluating this work. The results show that the
accuracy of 96.26% and 98.09%. In [33], a Deep Symmetrical ensemble method achieved an accuracy of 95.58 % for the
CNN (DSCNN) method has been proposed for detecting DR MESSIDOR-2 and 89.20% for the EyePACS dataset. In [43],
using the RFIs. In this work, they have used the SCNN for they have analyzed nine Bayesian-Neural Network (BNN)
extracting the features. Also, they have used multiple methods which have been used for classifying the DR using
convolutions and poolings for extracting the features and the RFIs. Specifically, they have determined an entropy-based
filtering the features. This work also addresses the imbalance ambiguity measure's relationship to classification risk. Using
of negative and positive samples by increasing the size of the this they have proposed a new uncertainty measure for
CNN. This will avoid the issue of overfitting. For evaluation, evaluation. For evaluation, they have used KSSHP [44],
they have used the DIARETDB1 [34] dataset. The accuracy EyePACS, APTOS, and MESSIDOR-2 for evaluation. The
attained by the average-pooling, convolution, and max- accuracy of nine BNNs ranges from 99.9% to 71.02%. The
pooling was 93.6%, 92.0%, and 93.2% by the DSCNN approach has also been assessed by using the Quadratic-
method. In [35], they present a framework which is robust that Weighted-Kappa (QWK) score on each set of data. In [45], a
collaboratively uses the image and patch-level annotation for DL technique for identifying DRs and categorizing their
the grading of DR severity. They did this by utilizing both severity based on Color-FIs is presented. This work has
microscopic lesion data and information obtained from utilized an encoder, DenseNets169 for constructing visual
images. This work extracts multiple features using a grading embeddings. Further, utilizing the cross-entropy loss, they
module and lesion-attention generator. For evaluating their have trained their model using the APTOS dataset. The
model, they used the IDRiD dataset, LIQ-EyePACs dataset suggested model classified the DR severity level with 97%
[36], MESSIDOR-1 [37], and MESSIDOR-2. The results accuracy, 94.55% specificity, 98.3% sensitivity, and 88.8%
show better results in comparison to the existing works. QWK in a binary classification.
C. Classification III. TAXONOMY OF THE RESEARCH
In [38], this work aims to propose a DL model using the From the above study, it can be seen that the existing
CNN called RetNet-10 for classifying the RFIs into five models for DR diagnosis using FIs encounter several
classes of DR. The aim objective of this work was to achieve challenges and issues during the preprocessing, feature
high accuracy and reduce the computation time. For extraction, and classification stages. This is because of the
evaluating their model, they have considered MESSIDOR-2, following issues
APTOS [39], and IDRiD datasets which have been all merged
into one dataset. They have pre-processed all the images to • FIs can vary significantly in quality, resolution, and
remove the noise and artifacts from the RFIs. The RetNet-10 illumination, which can affect accurate feature
was compared with VGG19, Xception, VGG16, InceptionV3, extraction. Also, precisely localizing the optic disc is
MobileNetV2 and ResNet50. The accuracy achieved by critical for subsequent analyses, but variations in shape
RetNet-10, VGG19, Xception, VGG16, InceptionV3, and appearance among individuals pose challenges.
MobileNetV2 and ResNet50 was 98.65%, 88.21%, 89.57%, Vessel segmentation becomes difficult when diseases
90.16%, 87.68%, 91.42%, and 87.23%. Hyperparameter- such as hemorrhages or exudates obscure vessel
Tuning-Inception-v4 (HPTI-v4) was suggested by this study borders, making it difficult to remove blood vessels
[40] for classifying the DR with the use of colored RFIs. First, from FIs, which is necessary for retinal vasculature
they preprocessed the images to adjust the contrast level of the study.

Authorized licensed use limited to: Charles Darwin University. Downloaded on February 09,2024 at 19:17:36 UTC from IEEE Xplore. Restrictions apply.
• Preprocessing FIs is a crucial step in enhancing image transfer learning, attention mechanisms, ensemble methods,
quality and preparing them for analysis. However, uncertainty estimation, and collaborative studies to improve
some preprocessing techniques, such as classification accuracy. The taxonomy of the research work is
computationally intensive operations like image given in Figure 3.
resizing and contrast enhancement, can increase
processing time, impacting real-time performance.
Additionally, data augmentation during preprocessing
may introduce redundant information and distort
original features, leading to overfitting if not carefully
controlled.
• DR manifests in various lesion types, including
microaneurysms, hemorrhages, exudates, and
neovascularization. Designing feature extraction
methods to accurately capture these diverse lesions is
challenging. The complexity of FIs, with intricate
structures like blood vessels, optic discs, and lesions,
poses further difficulties in extracting relevant features
while preserving diagnostic information.
• DL models used for DR diagnosis often learn abstract
features directly from raw pixels, making it
challenging to interpret which specific patterns or
regions influence the diagnosis. Interpretable feature
extraction techniques are needed for better
understanding and clinical acceptance of model
predictions.
• Model overfitting and high dimensionality are
concerns when using handcrafted feature extraction
methods. Dimensionality reduction techniques should
be employed to address these issues and improve Fig. 3. Taxonomy of research.
model performance. Large-scale datasets with accurate
annotations are required for training DL models IV. DISCUSSION
effectively. However, collecting and annotating such Developing a preprocessing technique to improve the FIs
datasets can be resource-intensive. of the retina involves several key steps for enhancing image
• Fine-grained classification of DR severity levels is quality and preparing them for subsequent analysis.
challenging, especially when distinguishing subtle Techniques like image resizing, contrast enhancement,
differences between severity levels with limited inter- denoising, and illumination correction are crucial for
class variation. Misclassification of borderline cases achieving consistent and high-quality images. By resizing the
can have significant implications for patient FIs to a standard resolution, computational load during
management and treatment decisions. analysis can be reduced, ensuring faster processing times.
Equalization of histograms and adaptive equalization of
• The reasoning behind DL models' predictions is histograms are two contrast enhancement methods that are
sometimes obscured because of their reputation as capable of being used to bring out key details in an image. This
"black-boxes," especially in the case of deep neural- helps in highlighting subtle details that might be vital for
networks. Robust uncertainty estimation methods are accurate diagnosis. Further, to remove artifacts and blurriness
also essential for critical healthcare decisions. caused by noise, denoising algorithms like Gaussian filtering
median filtering or CLAHE can be utilized. These algorithms
• Clinical applications demand real-time or near-real- effectively clean the images, ensuring that only relevant
time diagnosis, but some complex DL models might information remains for further analysis. Also, uneven
have higher inference times, impacting their feasibility illumination in FIs can hinder accurate diagnosis, so
in real-world settings. Ensuring real-time inference correcting it is essential. Methods like top-hat filtering or
capability is crucial for practical deployment in clinical background subtraction can help in achieving uniform
environments. illumination, thus making the images suitable for analysis.
Addressing challenges in DR diagnosis using FIs involves The discovery of the optic disc is also essential since it
employing appropriate preprocessing techniques, including provides a starting point for further investigations. Hence,
advanced image processing algorithms like adaptive filtering developing an accurate and robust algorithm for automatic
and histogram equalization. The accuracy and effectiveness of optic disc detection is vital for consistent and reliable results.
automatic DL-based approaches for detecting optic discs and Also, the blood vessels play a crucial role in analyzing the
segmenting vessels appear promising. Optimized algorithms retinal vasculature, and designing sophisticated vessel
and parallel computing can reduce preprocessing time for real- segmentation methods to extract them from the FIs is a
time performance. Collaborative efforts between computer complex task. Therefore, accurate vessel segmentation is
vision experts and ophthalmologists are vital to developing essential for the proper evaluation of retinal health.
robust preprocessing pipelines. For feature extraction, Furthermore, validating the effectiveness of preprocessing
researchers can explore traditional and DL-based approaches,

Authorized licensed use limited to: Charles Darwin University. Downloaded on February 09,2024 at 19:17:36 UTC from IEEE Xplore. Restrictions apply.
techniques is essential to ensure that they indeed improve the successfully captured relevant characteristics of DR lesions.
image quality and analysis results. Thus, quantitative metrics Furthermore, the survey showcased diverse classification
and qualitative evaluation are required to measure the algorithms, ranging from SVM to CNNs and ensemble
performance of the preprocessing technique. The next step, methods. These approaches enable accurate categorization of
following preprocessing, is to create an accurate algorithm for DR severity levels, thus aiding in better patient management
locating the optic disc, as well as a complex vessel and treatment decisions. Overall, the study is a helpful
identification technique. Exudates, Hemorrhages, and resource, since it sheds light on cutting-edge preliminary
Microaneurysms can all be identified as DR symptoms by processing, feature-extraction, and classification methods for
employing a lesion segmentation method. Conventionally DR detection. These advancements offer promising results to
constructed characteristics and DL-based methods can both be enhance early diagnosis, improve patient outcomes, and
used for obtaining significant characteristics within the mitigate the risk of vision loss for individuals with diabetes.
divided regions. These techniques help in capturing essential Continued research in this area is crucial to address the
characteristics of DR lesions for accurate diagnosis. challenges and bridge the gap between cutting-edge
Furthermore, employing classification algorithms, such as technology and clinical application, ultimately benefiting
SVM or CNNs, categorizes FIs into different DR severity patients and healthcare providers alike.
levels. Cross-validation and fine-tuning optimize the
classification model for improved accuracy and reduced REFERENCES
overfitting. Ensemble methods, combining multiple [1] J. Grauslund, “Diabetic retinopathy screening in the emerging era of
classifiers, further improve classification performance and artificial intelligence,” Diabetologia, May 2022, doi: 10.1007/s00125-
enhance robustness in the diagnosis process. By following 022-05727-0.
these comprehensive steps, a methodology to detect DR in the [2] N. Tsiknakis et al., “Deep learning for diabetic retinopathy detection
and classification based on fundus images: A review,” Computers in
eye can be effectively developed, aiding in early diagnosis and Biology and Medicine, vol. 135, p. 104599, Aug. 2021, doi:
improved patient care. The comparative study of the discussed 10.1016/j.compbiomed.2021.104599.
works is given in Table 1. [3] Q. Abbas, I. Qureshi, and M. E. A. Ibrahim, “An Automatic Detection
and Classification System of Five Stages for Hypertensive Retinopathy
TABLE I. COMPARATIVE STUDY. Using Semantic and Instance Segmentation in DenseNet Architecture,”
Sensors, vol. 21, no. 20, p. 6936, Oct. 2021, doi: 10.3390/s21206936.
Ref Focus Dataset Accuracy
[4] M. Kropp et al., “Diabetic retinopathy as the leading cause of blindness
[16] CNN-based RFI classification N. A 92%
and early predictor of cascading complications—risks and mitigation,”
DL and IoT-based DR vol. 14, no. 1, pp. 21–42, Feb. 2023, doi:
[17] MESSIDOR 91%
diagnosis https://doi.org/10.1007/s13167-023-00314-8.
Supervised & Unsupervised DR
[19] Merged Dataset 93% [5] R. E. Putra, H. Tjandrasa, N. Suciati and A. Y. Wicaksono, "Non-
Detection
Proliferative Diabetic Retinopathy Classification Based on Hard
CAD Technique for DR
[20] OCT Dataset 98% Exudates Using Combination of FRCNN, Morphology, and ANFIS,"
Detection (OCT)
2020 Third International Conference on Vocational Education and
CNN-UNetwork for Retinal DIARETDB1, Electrical Engineering (ICVEE), Surabaya, Indonesia, 2020, pp. 1-6,
[22] 98.68%
Hemorrhages IDRiD doi: 10.1109/ICVEE50212.2020.9243185.
IDRiD,
DRFL Model for DR [6] G. N. Taris, A. Handayani, T. L. Mengko and B. R. Hermanto,
[26] MESSIDOR-2, 98.6
Assessment "Proliferative Diabetic Retinopathy Classification from Retinal Fundus
Silchar, Kaggle
Images Using Fractal Analysis," 2021 IEEE Region 10 Symposium
CNN-TFA-Net for Multi- KHUMC, (TENSYMP), Jeju, Korea, Republic of, 2021, pp. 1 -6, doi:
[30] 94.8
Modal RFI Extraction MESSIDOR 10.1109/TENSYMP52854.2021.9550926.
96.26%
CNN-SVD-ELM for MESSIDOR-2, [7] Rajkumar, R.S., Selvarani, A.G., Ranjithkumar, S. (2020).
[31] and
Binary/Multiclass DR Id. APTOS 2019 Comprehensive Study on Diabetic Retinopathy. In: Das, K., Bansal, J.,
98.09%
Deep, K., Nagar, A., Pathipooranam, P., Naidu, R. (eds) Soft
DSCNN Method for DR
[33] DIARETDB1 93.6% Computing for Problem Solving. Advances in Intelligent Systems and
Detection
Computing, vol 1057. Springer, Singapore.
MESSIDOR-2, https://doi.org/10.1007/978-981-15-0184-5_14
[38] RetNet-10 Model 98.65%
APTOS, IDRiD
[40] HPTI-v4 Technique MESSIOR 99.49% [8] Papadopoulos, A., Topouzis, F. & Delopoulos, A. An interpretable
multiple-instance approach for the detection of referable diabetic
MESSIDOR-2,
[41] Ensemble Framework 95.58% retinopathy in fundus images. Sci Rep 11, 14326 (2021).
EyePACS https://doi.org/10.1038/s41598-021-93632-8
KSSHP,
EyePACS, 99.9% to [9] F. Arcadu, F. Benmansour, A. Maunz, J. Willis, Z. Haskova, and M.
[43] Bayesian-NNs for DR Prunotto, “Deep learning algorithm predicts diabetic retinopathy
APTOS, 71.02%
MESSIDOR-2 progression in individual patients,” npj Digital Medicine, vol. 2, no. 1,
Sep. 2019, doi: 10.1038/s41746-019-0172-3.
[45] DR Severity Classification APTOS 97%
[10] C. C. Hortinela, J. R. Balbin, G. V. Magwili, K. O. Lencioco, J. C. M.
V. CONCLUSION Manalo and P. M. Publico, "Determination of Non-Proliferative and
Proliferative Diabetic Retinopathy through Fundoscopy using Principal
The survey has shed light on the recent advancements in Component Analysis," 2020 IEEE 12th International Conference on
DR detection using DL methodologies. The integration of Humanoid, Nanotechnology, Information Technology,
Communication and Control, Environment, and Management
preprocessing techniques, feature extraction methods, and (HNICEM), Manila, Philippines, 2020, pp. 1-6, doi:
classification algorithms has demonstrated remarkable 10.1109/HNICEM51456.2020.9400155.
progress in accurately diagnosing DR from FIs. Preprocessing [11] T. Dharani, M. P. Prasamsa, B. L. Sirisha, J. B. Vivek and B. H.
techniques have proven essential in improving image quality, Vardhan, "Diabetic Retinopathy classification through fundus images
reducing noise, correcting uneven illumination, ensuring using Deep Learning," 2023 11th International Symposium on
consistency, and enhancing subsequent analysis. Advanced Electronic Systems Devices and Computing (ESDC), Sri City, India,
2023, pp. 1-6, doi: 10.1109/ESDC56251.2023.10149877.
feature extraction approaches, encompassing both traditional
handcrafted features and DL-based methods, have

Authorized licensed use limited to: Charles Darwin University. Downloaded on February 09,2024 at 19:17:36 UTC from IEEE Xplore. Restrictions apply.
[12] P. Zang et al., "Interpretable Diabetic Retinopathy Diagnosis based on [28] E. Decencière, X. Zhang, G. Cazuguel and B. Lay, "Feedback on a
Biomarker Activation Map," in IEEE Transactions on Biomedical publicly distributed image database: The Messidor database", Image
Engineering, doi: 10.1109/TBME.2023.3290541. Anal. Stereol., vol. 33, no. 3, pp. 231-234, 2014.
[13] Y. Wen et al., "Let’s Find Fluorescein: Cross-Modal Dual Attention [29] R Murugan, Sonal Yadav, February 28, 2023, "Retinal Detachment
Learning For Fluorescein Leakage Segmentation In Fundus Dataset", IEEE Dataport, doi: https://dx.doi.org/10.21227/43h2-5s10.
Fluorescein Angiography," 2021 IEEE International Conference on [30] C. -H. Hua et al., "Convolutional Network With Twofold Feature
Multimedia and Expo (ICME), Shenzhen, China, 2021, pp. 1 -6, doi: Augmentation for Diabetic Retinopathy Recognition From Multi-
10.1109/ICME51207.2021.9428108. Modal Images," in IEEE Journal of Biomedical and Health Informatics,
[14] T. Aziz, C. Charoenlarpnopparut, and S. Mahapakulchai, “Deep vol. 25, no. 7, pp. 2686-2697, July 2021, doi:
learning-based hemorrhage detection for diabetic retinopathy 10.1109/JBHI.2020.3041848.
screening,” Scientific Reports, vol. 13, no. 1, Jan. 2023, doi: [31] M. Nahiduzzaman, M. R. Islam, S. M. R. Islam, M. O. F. Goni, M. S.
https://doi.org/10.1038/s41598-023-28680-3. Anower and K. -S. Kwak, "Hybrid CNN-SVD Based Prominent
[15] R. H. Paradisa, D. Sarwinda, A. Bustamam and T. Argyadiva, Feature Extraction and Selection for Grading Diabetic Retinopathy
"Classification of Diabetic Retinopathy through Deep Feature Using Extreme Learning Machine Algorithm," in IEEE Access, vol. 9,
Extraction and Classic Machine Learning Approach," 2020 3rd pp. 152261-152274, 2021, doi: 10.1109/ACCESS.2021.3125791.
International Conference on Information and Communications [32] “APTOS 2019 Blindness Detection,” kaggle.com.
Technology (ICOIACT), Yogyakarta, Indonesia, 2020, pp. 377-381, https://www.kaggle.com/c/aptos2019-blindness-detection
doi: 10.1109/ICOIACT50329.2020.9332082.
[33] T. Liu et al., "A Novel Diabetic Retinopathy Detection Approach Based
[16] Sarki, R., Ahmed, K., Wang, H. et al. Image Preprocessing in on Deep Symmetric Convolutional Neural Network," in IEEE Access,
Classification and Identification of Diabetic Eye Diseases. Data Sci. vol. 9, pp. 160552-160558, 2021, doi:
Eng. 6, 455–471 (2021). https://doi.org/10.1007/s41019-021-00167-z 10.1109/ACCESS.2021.3131630.
[17] T. Palaniswamy and M. Vellingiri, "Internet of Things and Deep [34] P. C. Bunch, J. F. Hamilton and G. K. Sanderson, "A free response
Learning Enabled Diabetic Retinopathy Diagnosis Using Retinal approach to the measurement and characterization of radiographic
Fundus Images," in IEEE Access, vol. 11, pp. 27590-27601, 2023, doi: observer performance", J. Appl. Photographic Eng., vol. 4, pp. 166-
10.1109/ACCESS.2023.3257988. 172, Dec. 1977.
[18] X. Zhang, G. Cazuguel, B. Lay, B. Cochener, C. Trone and P. Gain, [35] Y. Yang et al., "Robust Collaborative Learning of Patch-Level and
"Feedback on a publicly distributed image database: The Messidor Image-Level Annotations for Diabetic Retinopathy Grading from
database", Image Anal. Stereol., vol. 33, pp. 231-234, Aug. 2014. Fundus Image," in IEEE Transactions on Cybernetics, vol. 52, no. 11,
[19] M. Tavakoli, A. Mehdizadeh, A. Aghayan, R. P. Shahri, T. Ellis and J. pp. 11407-11417, Nov. 2022, doi: 10.1109/TCYB.2021.3062638.
Dehmeshki, "Automated Microaneurysms Detection in Retinal Images [36] J. Cuadros and G. Bresnick, “EyePACS: An adaptable telemedicine
Using Radon Transform and Supervised Learning: Application to Mass system for diabetic retinopathy screening,” J. Diabetes Sci. Technol.,
Screening of Diabetic Retinopathy," in IEEE Access, vol. 9, pp. 67302- vol. 3, no. 3, pp. 509–516, 2009.
67314, 2021, doi: 10.1109/ACCESS.2021.3074458.
[37] E. Decenciére et al., “Feedback on a publicly distributed image
[20] M. Ghazal, S. S. Ali, A. H. Mahmoud, A. M. Shalaby and A. El-Baz, database: The messidor database,” Image Anal. Stereol., vol. 33, no. 3,
"Accurate Detection of Non-Proliferative Diabetic Retinopathy in pp. 231–234, Jul. 2014.
Optical Coherence Tomography Images Using Convolutional Neural
[38] M. A. K. Raiaan et al., "A Lightweight Robust Deep Learning Model
Networks," in IEEE Access, vol. 8, pp. 34387-34397, 2020, doi:
10.1109/ACCESS.2020.2974158. Gained High Accuracy in Classifying a Wide Range of Diabetic
Retinopathy Images," in IEEE Access, vol. 11, pp. 42361-42388, 2023,
[21] A. A. Farag, A. S. El-Baz and G. Gimel’farb, "Precise segmentation of doi: 10.1109/ACCESS.2023.3272228.
multimodal images", IEEE Trans. Image Process., vol. 15, no. 4, pp.
952-968, Apr. 2006. [39] “APTOS 2019 Blindness Detection,” kaggle.com.
https://www.kaggle.com/c/aptos2019-blindness-detection
[22] Skouta, A., Elmoufidi, A., Jai-Andaloussi, S. et al. Hemorrhage
semantic segmentation in fundus images for the diagnosis of diabetic [40] K. Shankar, Y. Zhang, Y. Liu, L. Wu and C. -H. Chen,
retinopathy by using a convolutional neural network. J Big Data 9, 78 "Hyperparameter Tuning Deep Learning for Diabetic Retinopathy
(2022). https://doi.org/10.1186/s40537-022-00632-0. Fundus Image Classification," in IEEE Access, vol. 8, pp. 118164-
118173, 2020, doi: 10.1109/ACCESS.2020.3005152.
[23] Xiuqin P, Zhang Q, Zhang H, Li S. A fundus retinal vessels
segmentation scheme based on the improved deep learning U-Net [41] H. Mustafa, S. F. Ali, M. Bilal and M. S. Hanif, "Multi-Stream Deep
model. IEEE Access. 2019;7:122634–43. Neural Network for Diabetic Retinopathy Severity Classification
Under a Boosting Framework," in IEEE Access, vol. 10, pp. 113172-
[24] Skouta A, Elmoufidi A, Jai-Andaloussi S, Ouchetto, O. Semantic 113183, 2022, doi: 10.1109/ACCESS.2022.3217216.
segmentation of retinal blood vessels from fundus images by using
CNN and the random forest algorithm; 2022. [42] “Diabetic Retinopathy Detection,”
kaggle.com. https://www.kaggle.com/c/diabetic-retinopathy-
[25] Kauppi T, Kalesnykiene V, Kamarainen J-K, Lensu L, Sorri I, Raninen detection/data
A, Voutilainen R, Uusitalo H, Kälviäinen H, Pietilä J. The diaretdb1
diabetic retinopathy database and evaluation protocol. In: BMVC, vol. [43] J. Jaskari et al., "Uncertainty-Aware Deep Learning Methods for
1. 2007. p. 1–10. Robust Diabetic Retinopathy Classification," in IEEE Access, vol. 10,
pp. 76669-76681, 2022, doi: 10.1109/ACCESS.2022.3192024.
[26] N. J. Mohan, R. Murugan, T. Goel and P. Roy, "DRFL: Federated
[44] J. Sahlsten, J. Jaskari, K. Kaski and K. Hietala, "Diabeettisen
Learning in Diabetic Retinopathy Grading Using Fundus Images," in
retinopatian ja makulaturvotuksen luokittelu syväoppivan
IEEE Transactions on Parallel and Distributed Systems, vol. 34, no. 6,
pp. 1789-1801, June 2023, doi: 10.1109/TPDS.2023.3264473. tekoälyjärjestelmän avulla", Aikakauskirja Duodecim, vol. 17, pp.
1971-1978, Sep. 2020, [online] Available:
[27] Prasanna Porwal, Samiksha Pachade, Ravi Kamble, Manesh Kokare, https://www.duodecimlehti.fi/duo15766.
Girish Deshmukh, Vivek Sahasrabuddhe, Fabrice Meriaudeau, April
[45] M. M. Farag, M. Fouad and A. T. Abdel-Hamid, "Automatic Severity
24, 2018, "Indian Diabetic Retinopathy Image Dataset (IDRiD)", IEEE
Dataport, doi: https://dx.doi.org/10.21227/H25W98. Classification of Diabetic Retinopathy Based on DenseNet and
Convolutional Block Attention Module," in IEEE Access, vol. 10, pp.
38299-38308, 2022, doi: 10.1109/ACCESS.2022.3165193.

Authorized licensed use limited to: Charles Darwin University. Downloaded on February 09,2024 at 19:17:36 UTC from IEEE Xplore. Restrictions apply.

You might also like