SlideShare a Scribd company logo
1 of 5
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 04 | Apr 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 605
A Survey on techniques for Diabetic Retinopathy Detection &
Classification
Kaustavjit Saha1, Kumar Gaurav1, Nikhil Raj1, Susheel Kumar1, Dr. Mohammed Tajuddin1
1Dept. of CSE, Dayananda Sagar College of Engineering,
Bengaluru, Karnataka, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Diabetes is a very prevalent disease that is
concerning a lot of people of varied age groups with poor or
low insulin production levels, ultimately causing high sugar
level in blood. The diabetic patients aresufferingfromasevere
microvascular complication that is DiabeticRetinopathy(DR)
which is a cause of tension in only diabetic patients. DR affects
the retina of patient and leads to permanent, partial or
complete blindness if not detected and cured at a nascent
stage. But predicting the presence of Microaneurysms in the
fundus images identification of DRin nascentstagehasalways
been a tough task for decades. The time consuming
approaches of traditional and manual screening delays the
detection process of DR leading disease to advance to further
stages in the prescribed time and it is not always accurate.
Now with the progress of Deep Learning (DL), especially in
medical imaging, results are seen to be more accurate as it
performs automaticfeatureextraction. Underit, Convolutional
Neural Networks (CNNs) are the widely used deep learning
method in the analysis of medical image. This article will be
followed by surveys and reviews of the latest research works
about the precise diagnosis as well as classifying DR into
various categories from mild to severe based on different
techniques utilizes for image pre-processing, disease
identification and classification form fundus image datasets.
Key Words: Convolutional Neural Network (CNN), Deep
Learning, Machine Learning, Diabetic Retinopathy,
Medical imaging
1. INTRODUCTION
Diabetes is an acute ailment that happensduetotheinability
of pancreas to produce insulin. About 442 million people
worldwide have diabetes as estimated by WHO. A large part
of these people contribute to the overall capital worldwide.
These patients have a huge chance of having DR which can
lead to permanent visual loss in the future.By thetimeof10-
15 years of the ailment, around 10% of patients become
blind and close to 2% have permanent visual disorder. It
ranks 6th in the list of reasons that lead to partial vision loss
among the youngsters. Close to 90% of people can be cured
by using appropriate screening and doing timely checkups.
The different phases of DR ranges from mild, moderate and
severe.
Inspecting the pictures of retina manually is a very tough
and time taking thing to do. These traditional methods are
expensive, time-consuming, laborious & aren’t always
accurate. In order to get better results, different new
techniques have come into use in the last few years which
have helped the ophthalmologists in inspecting the
uncommon retinas. Machine learning (ML) and Deep
learning (DL) algorithms have been a prevalentchoiceinthe
prediction of various diseases. Deep Learning contributes
majorly in classifying, localizing, segmenting and predicting
medical images. DeepLearninghasgivenmuchbetterresults
within lesser amount of time in the detection of Diabetic
Retinopathy.
Convolutional Neural Networks (CNNs) are used all overthe
world by a large number of research workers in performing
medical imaging. In the CNN layers, various filters combine
in order to get the image features which will then be used to
generate the feature maps. After that comes the pooling
layers in which the measurements of the feature maps are
reduced by the help of averageormax-poolingmethod.Then
the fully connected layers are used which generates the
entire image feature set. Finally, the classification is
accomplished by using any of the two activation functions,
sigmoid (binary classification) or softmax (multi-
classification). Initially, the data can be obtained,
preprocessed to increase the image details, augmentation
can be done if necessary when the data samples are small.
Then, the data can be provided to the model that generates
the image features and classifies them according to the
severity levels.
2. LITERATURE SURVEY
1. “Early Detection of DR Using PCA-Firefly Based DL
Model”
The paper[1] published in MDPI 2020 used Deep
Neural Network for detection and classification of Diabetic
Retinopathy. A total of 64,000 Fundus Images are collected
from the University of California ML Repository and
Messidor for training of DNN model. The model detectsif DR
is present and classify it into two categories – (i)
Proliferative (PDR) & (ii) Non-Proliferative DR (NPDR). The
algorithm used for training DNN model is ‘PCA & firefly
algorithm’. The model results with an accuracy of 96%.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 04 | Apr 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 606
2. “Diabetic Retinopathy Detection using Prognosis of
Microaneurysm and Early Diagnosis System for Non-
Proliferative Diabetic Retinopathy Based on Deep
Learning Algorithms”
In this paper [2], Deep Convolutional Neural
Network (DCNN) is used for prognosis of Microaneurysm
and early diagnostics system. A semantic segmentation
algorithm is performed on 35K images taken from Kaggle to
improve DR detection and accuracy. The model isintegrated
with LOG and MF filters along with post-processing
procedures to provide an effective lesion identification
system.
3. “Diagnosis of DR Using DNN”
In [3], Deep CNN is used to grade the severities of
retinal fundus images and classify then into No DR, NPDR,
Mild and Severe PDR. This model uses ReLU, Inception v3 &
Resnet algorithms. It focuses on various location of DR
images. The model is trained ona combinationof130images
taken from E-ophtha and 88K images from Kaggle source.
The author claimed to have an accuracy of 94% in the
proposed model.
4. “Computer Assisted Diagnosisfor DRBased onFundus
Images Using Deep CNN”
The paper [4] proposed the use of DCNN
methodology to develop a model for diagnosis of DR and
classify it into NPDR & PDR. A total of 34K raw fundus
images are taken from Kaggle dataset source.Forimagepre-
processing purpose, techniques like re-scaling colour
divergence removal & periphery removal are used and
further fractional max-pooling & support vector machine
(SVM) with TLBO is used to train & run the model. The
model provides a high accuracy of 91% and specificity of
99%.
5. “DL Fundus Images Analysis of DR and Macular
Edema Grading”
In the articles published in springer [5], the author
studied the use of Deep learning methods to analyze fundus
images of DR. The dataset used to train the model consistsof
41K retinal fundus images taken from Digi-Fundus Ltd.
source. The model used the inception v3 algorithm along
with several grading methods to classify macular edema
using Deep CNN. The overall accuracy was 91% and the
output is classified as referable & non-referable DR.
6. “A Deep Learning Method for the detection of diabetic
retinopathy
The article in paper[6] proposed a model to
automatically detect DR and classify patients into NPDR and
PDR. A total of 30 high resolution raw fundus images were
used to train the model out of which 15 were healthy and 15
were suffering from DR. The model made use of Adam
Optimizer algorithm inthelearningprocessoftheDeepCNN.
The author claimed to have an accuracy of 91% that works
with a small dataset.
7. “A Deep Learning Ensemble Approach for Diabetic
Retinopathy Detection”
In [7], A combination of 5 deep CNN models -
resnet50, Inception V3, Xception, Dense121, and Dense169
were proposed to get a high accuracy result. The models are
concatenated into one to improves the classification of DR
stages. A total of 35,126 high resolution fundus images were
used from kaggle dataset for training, testing & validation
purposes.
8. “Diabetic Retinopathy Stage Classification usingCNN”
This paper [8] proposed a concatenated model of
VGG16, AlexNet & InceptionNet V3 that provides a result of
81.1 % accuracy. The model is trained on 500 retinal fundus
images from Kaggle data set. Histogram Equalization
filtering algorithm is used in pre-processing for downsizing
and resizing images & stochastic gradient descent with
momentum optimization algorithm is used for training
purpose. The model is highly optimized with a huge number
of parameters in stochastic gradient descent.
9. “Classification of Diabetic Retinopathy Images by
Using Deep Learning Models”
In [9] the researchers proposed models to identify
the background of Diabetic Retinopathy. The dataset used is
from Kaggle. The model was trained on 2000highresolution
raw fundus images with 3 times back propagation neural
networks – BNN, DNN & CNN (VGGNet). The hybrid model is
used with fuzzyC-meansclustering edgedetectiontechnique
for image processing & DL to improve the result for
predicting DR. The output is classified into mild, moderate
and severe PR.
10. “An enhanced diabetic retinopathy detection and
classification approach using deepconvolutionalneural
network”
In [10], The classification of diagnoses was done
using DL & CNN. The HE & CLAHE for image enhancement
were used. The dataset used is from MESSIDOR having 400
images. The model has high accuracy and specificity.
11. “Convolutional Neural Networks for Diabetic
Retinopathy”
In this paper [11], A study was carried out on the
use of micro-aneurysms, exudate & hemorrhage features to
detect DR. A total of 80k images were used from kaggle
dataset source. A CNN methodology is used along with
stochastic gradient descent algorithm with Nestrov
momentum. The method used can easily detect healthy eye.
The model has low specificity and skewed datasets.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 04 | Apr 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 607
12. “Automatic Detection and Classification of Diabetic
Retinopathy stages using CNN”
In [12], the authors proposed a CNN model for DR
screening using retinal fundus images as input.Featureslike
microaneurysms & hemorrhages are used with LeNet5
algorithm to detect DR. The model is trained on 30000
fundus images from Kaggle. A small problemwiththismodel
was that the dataset was highly imbalanced and it classified
most of the class1 & class 2 images as class 0.
13. “Detecting Diabetic Retinopathy using Deep
Learning”
The purpose of research [13] paper was to detectof
DR using Deep Learning. The model was based on the
inception-v3 algorithm that is popularly used for image
recognition and have accuracy greater than 78.1%. The
Normalization mean subtraction and PCA is used for image
pre-processing. Kaggle dataset consisting of 40k images are
used for training the CNN model. The resultshasanaccuracy
of 88% along with high sensitivity and specificity.
14. “Optimal feature selection based diabetic
retinopathy detection using improved rider
optimization algorithm enabled with deep learning”
In [14], the authors analyzed the retinal
abnormalities like haemorrhages, soft exudates and Micro
aneurysm on dataset used in DIARETDB1. The dataset
contains 89 high resolution fundus images. The pre-
processing of images was performed using RGB image
conversion to green channel and image enhancement using
CLAHE procedure. The Deep Belief Network (DBN)
algorithm was used to classify the images into four
categories depending upon the seriousness of DR. called
Modified Gear & Steering-based Rider Optimization
Algorithm was used for optimal feature selection.
15. “Automatic Detection of Diabetic Retinopathy in
Retinal Fundus Photographs Based on Deep Learning
Algorithm”
In this article [15], the authors proposedanautoDR
detection in fundus retinal images using a deep transfer
learning approach. A CNN based algorithm – ‘Inception-v3’
network is used to obtain high accuracy of 93.49%accuracy.
For image processing, pixel scaling, downsizingandcontrast
enhancement were performed using CLAHE. The model is
trained with Messidor-2 dataset.
16. “Detection of Diabetic Retinopathy Using Bichannel
Convolutional Neural Network”
The researchers in the paper [16] presented their
work on Bi-channel CNN-based DL system to detect &
classify DR into no apparent DR, mild NPDR, moderate
NPDR, severe NPDR, and PDR. The dataset used is the
Kaggle dataset. The UM technique is used for image
processing to amplify the high-frequency parts of the gray
level and the green component of the fundus image before
computing. The model performedwithanaccuracyof87.8%.
17. “Diabetic Retinopathy Detection using Machine
Learning”
The authors in [17] proposed a hybrid machine
learning model, a combination of SVM, KNN & RF to detect
DR in retinal images. They Kaggle dataset containing 100
images is used to train the proposed model. The
performance has an average accuracy of 82%. An accurate
image preprocessing is needed for better results.
18. “Diabetic Retinopathy Detection through Image
Mining for Type 2 Diabetes”
The article in paper [18] proposed a KNN machine
learning model for fundus image classification. DIARETDB1
dataset is used for training purpose. The image processing,
data mining, texture & wavelet features are extracted forDR
detection. DWT Transform & GLCM algorithms are used for
image pre processing (feature extraction). The model
outperformed other ML based model with a highaccuracyof
97.7% and high sensitivity of 100%.
19. “Automated detection of diabetic retinopathy using
SVM”
The aim of this researchin[19]wastoautomatically
classify the stages of NPDR for any retinal fundus image. For
this, SVM algorithm was used and in image processingstage,
the blood vessels, microaneurysms & hard exudates are
isolated to extract features for figuring out the retinopathy
grade of each retinal image.
20. “Automatic Diabetic Retinopathy Screening via
Cascaded Framework Based on Image-andLesion-Level
Features Fusion”
The main goal of this paper [20] was to detect and
classify DR Screening using Cascaded Framework Based on
Image- and Lesion-Level Features Fusion. For this, Naïve
Bayes and SVM classifier is used. The model was trained on
Messidor dataset and Adaptive histogram equalization
technique was used for image processing.
21. “Automated DR Detection Based on Binocular
Siamese-Like CNN”
Theresearchers[21]proposedanauto-DRdetection
model to classify the retinal images into five grades. The
model is based on BinocularSiamese-likeCNN algorithmand
is trained on the Inception V3 algorithm. The model uses
EyePacs dataset consisting of 35000 images after pre-
processing techniques like scaling, normalization & high-
pass processing on the retinal fundusimagestoclassifythem
into different groups depending on the presence & DR
severity.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 04 | Apr 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 608
22. “Diabetic Retinopathy Detection by Extracting Area
and Number of Microaneurysm from Colour Fundus
Image”
In this paper [22], theresearchisprimarilybasedon
classification of DR by linear Support vector machine. An
improved algorithm for the detectionofdiabetic retinopathy
is proposed by accurate determination of number and area
of microaneurysm. The model was trained and tested on
Messidor-2 dataset. Principal component analysis (PCA),
contrast limited adaptive histogram equalization (CLAHE),
morphological process, averaging filtering are the
techniques used for image preprocessing. The observed
specificity is 92% and sensitivity is 96%. The output is
classified into two categories i.e. DR and NDR.
23. “Deep Neural Network for Diabetic Retinopathy
Detection”
The proposed paper [23] is based on a CNN
methodology for diabetic retinopathy classification. The
model uses ConvNet based algorithm to automatically
identifies the pattern and classifies the retina images into
five classes – Normal, mild, moderate, severe and
proliferative DR. The architectureof neural network consists
of convolutional layer that convolve the input and then
passed to pooling layer. The process is repeated several
times to extract multiple features for each input. The Kaggle
dataset is used to train this deep learning model. This model
has improved validation accuracy despite less amount of
dataset is used.
24. “Diabetic Retinopathy Detection using ensemble
deep Learning and Individual Channel Training”
The work presented in this paper [24] performs
better in classifying all stages of DR compared to existing
algorithms that use the same dataset. The model proposed
uses ensemble deep learning with five different CNN
algorithm including ResNet, DenseNet, Inceptionv3 and
Xception. It is trained on EyePACS dataset fundus images
from Kaggle and classifies them into five stages of DR. Each
channel of the image RGB (Red,Green,Blue)isfedseparately
to all the models and the effect of individual channel on the
result is analyzed.
25. “A Deep Learning Approach forDiabeticRetinopathy
detection using Transfer Learning”
In [25], Pre-trained models of DCNN namely,
SEResNeXt32x4d and EfficientNetb3 are used on ImageNet
dataset. The imagesprocessingareperformedusingAUGMIX
and pooled using GeM. The output is classified into 5
categories based on the severity of DR. The model provides
better efficiency as a result of transfer learning and the
viability of using pre-trained models. The training accuracy
goes as high as 0.91.
3. CONCLUSIONS
The use of Automated Diabetic Retinopathy systems have
made it easier as they are available at a lower cost when
compared to other systems. This system is time efficient and
it helps the ophthalmologists to cure the retinal disabilities
and along with that it provides time to time checkups to
minimize problems in the coming times. These technologies
have played a major role in curing the ailments more
precisely. This article surveyed25research &surveyarticles
that discuses and survey the major techniques used for the
diagnosis & classification of Diabetic Retinopathy. The
survey reviewed various techniques in all the stages such as
Pre-processing, Feature extractionaswell asClassification. It
also highlighted some major improvements achieved by
these algorithms. The survey showed that, for clinical
purposes, Machine Learning or a deep-learning method can
be more favourable and effective in minimizing the
progression of diabetic retinopathy among patients and
allowing the ophthalmologist to accelerate further care of
the retina. This survey will assist the researchersinthisfield
to know about the already availabletechniquesandmethods
for detecting & Classifying DR and will help them to drive
their research ahead.
REFERENCES
[1] Neelu K., S. Bhattacharya, “Early Detection of DR Using
PCA-Firefly Based DL Model”, MDPI Switzerland, 2020.
[2] Lifeng Qiao, Ying Zhu, Hui Zhou, “Diabetic Retinopathy
Detection using Prognosis of Microaneurysm and Early
Diagnosis System for Non-Proliferative Diabetic
Retinopathy Based on Deep Learning Algorithms”, IEEE
Access, 2017.
[3] JIE LI, JIXIANG GUO, “Diagnosis of DR Using DNN”, IEEE,
January 2019.
[4] Yung-Hui Li, Na-Ning Yeh, “ Computer Assisted
Diagnosis for DR Based on Fundus Images Using Deep
CNN”, Hindawi publisher for tech & science journals,
2019.
[5] Joel J, J Kivinen, “DL Fundus Images Analysis of DR and
Macular Edema Grading”, Springer, 2019.
[6] Navoneel Chakrabarty, “A DeepLearningMethodforthe
detection of diabetic retinopathy”, IEEE, 2018.
[7] SehrishQummar, Fiaz Gul Khan, Sajid Shah, Ahmad
Khan, ShahaboddinShamshirband, Zia Ur Rehman,
Iftikhar Ahmed Khan, WaqasJadoon, “A Deep Learning
EnsembleApproachforDiabeticRetinopathyDetection”,
IEEE, 2019.
[8] Nikhil M N, Angel Rose A, “Diabetic Retinopathy Stage
Classification using CNN”, IRJET, 2019.
[9] Suvajit Dutta, Bonthala CS Manideep, Syed
MuzamilBasha, Ronnie D. Caytiles and N. Ch. S. N.
Iyengar, “Classification of Diabetic Retinopathy Images
by Using Deep Learning Models”, IJGDC, 2018.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 04 | Apr 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 609
[10] D. Jude Hemanth, Omer Deperlioglu, UtkuKose, “An enhanced diabetic retinopathy detection and
classification approach using deep convolutional neural
network”, Springer, 2018.
[11] Harry Pratta, FransCoenenb, Deborah M Broadbentc ,
Simon P Hardinga, YalinZhenga, “Convolutional Neural
Networks for Diabetic Retinopathy”, International
Conference On Medical Imaging Understanding and
Analysis, 2016.
[12] Ratul Ghosh, Kuntal Ghosh, SanjitMaitra, “Automatic
Detection and Classification of Diabetic Retinopathy
stages using CNN”, International Conference on Signal
Processing and Integrated Networks, 2017.
[13] Yashal Shakti Kanungo, Bhargav Srinivasan, Dr. Savita
Choudhary, “Detecting Diabetic RetinopathyusingDeep
Learning”, IEEE International Conference on Recent
Trends in Electronics Information & Communication
Technology (RTEICT), 2017.
[14] Ambaji S. Jadhav, Pushpa B. Patil, Sunil Biradar, “
Optimal feature selection based diabetic retinopathy
detection using improved rider optimization algorithm
enabled with deep learning” Springer, 9 April 2020.
[15] Feng Li, Zheng Liu, Hua Chen, Minshan Jiang, Xuedian
Zhang, and Zhizheng Wu, “Automatic Detection of
Diabetic Retinopathy in Retinal Fundus Photographs
Based on Deep Learning Algorithm”, tvst.journals,2019.
[16] Shu-I Pao,Hong-Zin Lin,Ke-Hung Chien, Ming-Cheng
Tai,JiannTorngChen, and Gen-Min Lin, “Detection of
Diabetic Retinopathy Using Bichannel Convolutional
Neural Network”, Hindawi publications, 2020.
[17] Revathy R, Nithya B, Reshma J, Ragendhu S, Sumithra M
D, “Diabetic Retinopathy Detection using Machine
Learning”, IJERT, 2019.
[18] Karkhanis Apurva Anant, Vimla Jethani, Tushar
Ghorpade, “ Diabetic Retinopathy Detection through
Image Mining for Type 2 Diabetes”, ICCCI, 2017.
[19] Enrique V. Carrera, Andres Gonz ´ alez, Ricardo Carrera,
“Automated detection of diabetic retinopathy using
SVM”, IEEE, 2017.
[20] Cheng-ZhangZhu,Rong-ChangZhao,“AutomaticDiabetic
Retinopathy Screening via Cascaded Framework Based
on Image- and Lesion-Level Features Fusion” , Springer,
2019.
[21] Yuan Luo, Wenbin Ye, “Automated DR Detection Based
on Binocular Siamese-Like CNN” , IEEE, March 2020.
[22] Shailesh Kumar,Basant Kumar, “ Diabetic Retinopathy
Detection by Extracting Area and Number of
MicroaneurysmfromColour FundusImage”,SPIN,2018.
[23] Mamta Arora, Mrinal Pandey, “Deep Neural Network for
Diabetic Retinopathy Detection”, Com-IT-Con, 2019.
[24] Harihanth K, Karthikeyan B, “Diabetic Retinopathy
Detection using ensemble deep Learning and Individual
Channel Training”, IEEE, 2020.
[25] Satwik Ramchandre, Bhargav Patil, “A Deep Learning
Approach for Diabetic Retinopathy detection using
Transfer Learning”, IEEE, 2020.

More Related Content

Similar to A Survey on techniques for Diabetic Retinopathy Detection & Classification

An automated severity classification model for diabetic retinopathy
An automated severity classification model for diabetic retinopathyAn automated severity classification model for diabetic retinopathy
An automated severity classification model for diabetic retinopathyIRJET Journal
 
i2164-2591-8-6-4 (1).pdf presentation cm
i2164-2591-8-6-4 (1).pdf presentation cmi2164-2591-8-6-4 (1).pdf presentation cm
i2164-2591-8-6-4 (1).pdf presentation cmahsamjutt1234
 
IRJET -An Automatated Learning Approach for Detection of Diabetic Retinopathy...
IRJET -An Automatated Learning Approach for Detection of Diabetic Retinopathy...IRJET -An Automatated Learning Approach for Detection of Diabetic Retinopathy...
IRJET -An Automatated Learning Approach for Detection of Diabetic Retinopathy...IRJET Journal
 
Diabetic Retinopathy.pptx
Diabetic Retinopathy.pptxDiabetic Retinopathy.pptx
Diabetic Retinopathy.pptxNGOKUL3
 
Diabetic Retinopathy.pptx
Diabetic Retinopathy.pptxDiabetic Retinopathy.pptx
Diabetic Retinopathy.pptxNGOKUL3
 
A Novel Approach for Diabetic Retinopthy Classification
A Novel Approach for Diabetic Retinopthy ClassificationA Novel Approach for Diabetic Retinopthy Classification
A Novel Approach for Diabetic Retinopthy ClassificationIJERA Editor
 
IRJET - Early Percentage of Blindness Detection in a Diabetic Person usin...
IRJET -  	  Early Percentage of Blindness Detection in a Diabetic Person usin...IRJET -  	  Early Percentage of Blindness Detection in a Diabetic Person usin...
IRJET - Early Percentage of Blindness Detection in a Diabetic Person usin...IRJET Journal
 
ResNet-n/DR: Automated diagnosis of diabetic retinopathy using a residual neu...
ResNet-n/DR: Automated diagnosis of diabetic retinopathy using a residual neu...ResNet-n/DR: Automated diagnosis of diabetic retinopathy using a residual neu...
ResNet-n/DR: Automated diagnosis of diabetic retinopathy using a residual neu...TELKOMNIKA JOURNAL
 
5_6062260451842985429.pptx machine learning
5_6062260451842985429.pptx machine learning5_6062260451842985429.pptx machine learning
5_6062260451842985429.pptx machine learningChandusandy4
 
diabetic Retinopathy. Eye detection of disease
diabetic Retinopathy. Eye detection of diseasediabetic Retinopathy. Eye detection of disease
diabetic Retinopathy. Eye detection of diseaseshivubhavv
 
Rapid detection of diabetic retinopathy in retinal images: a new approach usi...
Rapid detection of diabetic retinopathy in retinal images: a new approach usi...Rapid detection of diabetic retinopathy in retinal images: a new approach usi...
Rapid detection of diabetic retinopathy in retinal images: a new approach usi...IJECEIAES
 
FEATURE EXTRACTION TO DETECT AND CLASSIFY DIABETIC RETINOPATHY USING FUNDAL I...
FEATURE EXTRACTION TO DETECT AND CLASSIFY DIABETIC RETINOPATHY USING FUNDAL I...FEATURE EXTRACTION TO DETECT AND CLASSIFY DIABETIC RETINOPATHY USING FUNDAL I...
FEATURE EXTRACTION TO DETECT AND CLASSIFY DIABETIC RETINOPATHY USING FUNDAL I...IRJET Journal
 
A deep learning approach based on stochastic gradient descent and least absol...
A deep learning approach based on stochastic gradient descent and least absol...A deep learning approach based on stochastic gradient descent and least absol...
A deep learning approach based on stochastic gradient descent and least absol...nooriasukmaningtyas
 
AI Based Approach for Classification of MultiGrade Tumour in Human Brain
AI Based Approach for Classification of MultiGrade Tumour in Human BrainAI Based Approach for Classification of MultiGrade Tumour in Human Brain
AI Based Approach for Classification of MultiGrade Tumour in Human BrainIRJET Journal
 
A Deep Learning Approach for the Detection and Identification of Neovasculari...
A Deep Learning Approach for the Detection and Identification of Neovasculari...A Deep Learning Approach for the Detection and Identification of Neovasculari...
A Deep Learning Approach for the Detection and Identification of Neovasculari...IRJET Journal
 
IRJET- Eye Diabetic Retinopathy by using Deep Learning
IRJET- Eye Diabetic Retinopathy by using Deep LearningIRJET- Eye Diabetic Retinopathy by using Deep Learning
IRJET- Eye Diabetic Retinopathy by using Deep LearningIRJET Journal
 
Diabetic Retinopathy Detection
Diabetic Retinopathy DetectionDiabetic Retinopathy Detection
Diabetic Retinopathy DetectionIRJET Journal
 
IRJET- Approach for Diabetic Retinopathy Analysis using Artificial Neural Net...
IRJET- Approach for Diabetic Retinopathy Analysis using Artificial Neural Net...IRJET- Approach for Diabetic Retinopathy Analysis using Artificial Neural Net...
IRJET- Approach for Diabetic Retinopathy Analysis using Artificial Neural Net...IRJET Journal
 
Brain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep LearningBrain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep LearningIRJET Journal
 
20670-39030-2-PB.pdf
20670-39030-2-PB.pdf20670-39030-2-PB.pdf
20670-39030-2-PB.pdfIjictTeam
 

Similar to A Survey on techniques for Diabetic Retinopathy Detection & Classification (20)

An automated severity classification model for diabetic retinopathy
An automated severity classification model for diabetic retinopathyAn automated severity classification model for diabetic retinopathy
An automated severity classification model for diabetic retinopathy
 
i2164-2591-8-6-4 (1).pdf presentation cm
i2164-2591-8-6-4 (1).pdf presentation cmi2164-2591-8-6-4 (1).pdf presentation cm
i2164-2591-8-6-4 (1).pdf presentation cm
 
IRJET -An Automatated Learning Approach for Detection of Diabetic Retinopathy...
IRJET -An Automatated Learning Approach for Detection of Diabetic Retinopathy...IRJET -An Automatated Learning Approach for Detection of Diabetic Retinopathy...
IRJET -An Automatated Learning Approach for Detection of Diabetic Retinopathy...
 
Diabetic Retinopathy.pptx
Diabetic Retinopathy.pptxDiabetic Retinopathy.pptx
Diabetic Retinopathy.pptx
 
Diabetic Retinopathy.pptx
Diabetic Retinopathy.pptxDiabetic Retinopathy.pptx
Diabetic Retinopathy.pptx
 
A Novel Approach for Diabetic Retinopthy Classification
A Novel Approach for Diabetic Retinopthy ClassificationA Novel Approach for Diabetic Retinopthy Classification
A Novel Approach for Diabetic Retinopthy Classification
 
IRJET - Early Percentage of Blindness Detection in a Diabetic Person usin...
IRJET -  	  Early Percentage of Blindness Detection in a Diabetic Person usin...IRJET -  	  Early Percentage of Blindness Detection in a Diabetic Person usin...
IRJET - Early Percentage of Blindness Detection in a Diabetic Person usin...
 
ResNet-n/DR: Automated diagnosis of diabetic retinopathy using a residual neu...
ResNet-n/DR: Automated diagnosis of diabetic retinopathy using a residual neu...ResNet-n/DR: Automated diagnosis of diabetic retinopathy using a residual neu...
ResNet-n/DR: Automated diagnosis of diabetic retinopathy using a residual neu...
 
5_6062260451842985429.pptx machine learning
5_6062260451842985429.pptx machine learning5_6062260451842985429.pptx machine learning
5_6062260451842985429.pptx machine learning
 
diabetic Retinopathy. Eye detection of disease
diabetic Retinopathy. Eye detection of diseasediabetic Retinopathy. Eye detection of disease
diabetic Retinopathy. Eye detection of disease
 
Rapid detection of diabetic retinopathy in retinal images: a new approach usi...
Rapid detection of diabetic retinopathy in retinal images: a new approach usi...Rapid detection of diabetic retinopathy in retinal images: a new approach usi...
Rapid detection of diabetic retinopathy in retinal images: a new approach usi...
 
FEATURE EXTRACTION TO DETECT AND CLASSIFY DIABETIC RETINOPATHY USING FUNDAL I...
FEATURE EXTRACTION TO DETECT AND CLASSIFY DIABETIC RETINOPATHY USING FUNDAL I...FEATURE EXTRACTION TO DETECT AND CLASSIFY DIABETIC RETINOPATHY USING FUNDAL I...
FEATURE EXTRACTION TO DETECT AND CLASSIFY DIABETIC RETINOPATHY USING FUNDAL I...
 
A deep learning approach based on stochastic gradient descent and least absol...
A deep learning approach based on stochastic gradient descent and least absol...A deep learning approach based on stochastic gradient descent and least absol...
A deep learning approach based on stochastic gradient descent and least absol...
 
AI Based Approach for Classification of MultiGrade Tumour in Human Brain
AI Based Approach for Classification of MultiGrade Tumour in Human BrainAI Based Approach for Classification of MultiGrade Tumour in Human Brain
AI Based Approach for Classification of MultiGrade Tumour in Human Brain
 
A Deep Learning Approach for the Detection and Identification of Neovasculari...
A Deep Learning Approach for the Detection and Identification of Neovasculari...A Deep Learning Approach for the Detection and Identification of Neovasculari...
A Deep Learning Approach for the Detection and Identification of Neovasculari...
 
IRJET- Eye Diabetic Retinopathy by using Deep Learning
IRJET- Eye Diabetic Retinopathy by using Deep LearningIRJET- Eye Diabetic Retinopathy by using Deep Learning
IRJET- Eye Diabetic Retinopathy by using Deep Learning
 
Diabetic Retinopathy Detection
Diabetic Retinopathy DetectionDiabetic Retinopathy Detection
Diabetic Retinopathy Detection
 
IRJET- Approach for Diabetic Retinopathy Analysis using Artificial Neural Net...
IRJET- Approach for Diabetic Retinopathy Analysis using Artificial Neural Net...IRJET- Approach for Diabetic Retinopathy Analysis using Artificial Neural Net...
IRJET- Approach for Diabetic Retinopathy Analysis using Artificial Neural Net...
 
Brain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep LearningBrain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep Learning
 
20670-39030-2-PB.pdf
20670-39030-2-PB.pdf20670-39030-2-PB.pdf
20670-39030-2-PB.pdf
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTUREIRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsIRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASIRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProIRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemIRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignIRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).pptssuser5c9d4b1
 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college projectTonystark477637
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escortsranjana rawat
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...Call Girls in Nagpur High Profile
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxupamatechverse
 
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and workingUNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and workingrknatarajan
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSSIVASHANKAR N
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...ranjana rawat
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...RajaP95
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 

Recently uploaded (20)

247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
 
Roadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and RoutesRoadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and Routes
 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college project
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptx
 
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and workingUNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 

A Survey on techniques for Diabetic Retinopathy Detection & Classification

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 04 | Apr 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 605 A Survey on techniques for Diabetic Retinopathy Detection & Classification Kaustavjit Saha1, Kumar Gaurav1, Nikhil Raj1, Susheel Kumar1, Dr. Mohammed Tajuddin1 1Dept. of CSE, Dayananda Sagar College of Engineering, Bengaluru, Karnataka, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Diabetes is a very prevalent disease that is concerning a lot of people of varied age groups with poor or low insulin production levels, ultimately causing high sugar level in blood. The diabetic patients aresufferingfromasevere microvascular complication that is DiabeticRetinopathy(DR) which is a cause of tension in only diabetic patients. DR affects the retina of patient and leads to permanent, partial or complete blindness if not detected and cured at a nascent stage. But predicting the presence of Microaneurysms in the fundus images identification of DRin nascentstagehasalways been a tough task for decades. The time consuming approaches of traditional and manual screening delays the detection process of DR leading disease to advance to further stages in the prescribed time and it is not always accurate. Now with the progress of Deep Learning (DL), especially in medical imaging, results are seen to be more accurate as it performs automaticfeatureextraction. Underit, Convolutional Neural Networks (CNNs) are the widely used deep learning method in the analysis of medical image. This article will be followed by surveys and reviews of the latest research works about the precise diagnosis as well as classifying DR into various categories from mild to severe based on different techniques utilizes for image pre-processing, disease identification and classification form fundus image datasets. Key Words: Convolutional Neural Network (CNN), Deep Learning, Machine Learning, Diabetic Retinopathy, Medical imaging 1. INTRODUCTION Diabetes is an acute ailment that happensduetotheinability of pancreas to produce insulin. About 442 million people worldwide have diabetes as estimated by WHO. A large part of these people contribute to the overall capital worldwide. These patients have a huge chance of having DR which can lead to permanent visual loss in the future.By thetimeof10- 15 years of the ailment, around 10% of patients become blind and close to 2% have permanent visual disorder. It ranks 6th in the list of reasons that lead to partial vision loss among the youngsters. Close to 90% of people can be cured by using appropriate screening and doing timely checkups. The different phases of DR ranges from mild, moderate and severe. Inspecting the pictures of retina manually is a very tough and time taking thing to do. These traditional methods are expensive, time-consuming, laborious & aren’t always accurate. In order to get better results, different new techniques have come into use in the last few years which have helped the ophthalmologists in inspecting the uncommon retinas. Machine learning (ML) and Deep learning (DL) algorithms have been a prevalentchoiceinthe prediction of various diseases. Deep Learning contributes majorly in classifying, localizing, segmenting and predicting medical images. DeepLearninghasgivenmuchbetterresults within lesser amount of time in the detection of Diabetic Retinopathy. Convolutional Neural Networks (CNNs) are used all overthe world by a large number of research workers in performing medical imaging. In the CNN layers, various filters combine in order to get the image features which will then be used to generate the feature maps. After that comes the pooling layers in which the measurements of the feature maps are reduced by the help of averageormax-poolingmethod.Then the fully connected layers are used which generates the entire image feature set. Finally, the classification is accomplished by using any of the two activation functions, sigmoid (binary classification) or softmax (multi- classification). Initially, the data can be obtained, preprocessed to increase the image details, augmentation can be done if necessary when the data samples are small. Then, the data can be provided to the model that generates the image features and classifies them according to the severity levels. 2. LITERATURE SURVEY 1. “Early Detection of DR Using PCA-Firefly Based DL Model” The paper[1] published in MDPI 2020 used Deep Neural Network for detection and classification of Diabetic Retinopathy. A total of 64,000 Fundus Images are collected from the University of California ML Repository and Messidor for training of DNN model. The model detectsif DR is present and classify it into two categories – (i) Proliferative (PDR) & (ii) Non-Proliferative DR (NPDR). The algorithm used for training DNN model is ‘PCA & firefly algorithm’. The model results with an accuracy of 96%.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 04 | Apr 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 606 2. “Diabetic Retinopathy Detection using Prognosis of Microaneurysm and Early Diagnosis System for Non- Proliferative Diabetic Retinopathy Based on Deep Learning Algorithms” In this paper [2], Deep Convolutional Neural Network (DCNN) is used for prognosis of Microaneurysm and early diagnostics system. A semantic segmentation algorithm is performed on 35K images taken from Kaggle to improve DR detection and accuracy. The model isintegrated with LOG and MF filters along with post-processing procedures to provide an effective lesion identification system. 3. “Diagnosis of DR Using DNN” In [3], Deep CNN is used to grade the severities of retinal fundus images and classify then into No DR, NPDR, Mild and Severe PDR. This model uses ReLU, Inception v3 & Resnet algorithms. It focuses on various location of DR images. The model is trained ona combinationof130images taken from E-ophtha and 88K images from Kaggle source. The author claimed to have an accuracy of 94% in the proposed model. 4. “Computer Assisted Diagnosisfor DRBased onFundus Images Using Deep CNN” The paper [4] proposed the use of DCNN methodology to develop a model for diagnosis of DR and classify it into NPDR & PDR. A total of 34K raw fundus images are taken from Kaggle dataset source.Forimagepre- processing purpose, techniques like re-scaling colour divergence removal & periphery removal are used and further fractional max-pooling & support vector machine (SVM) with TLBO is used to train & run the model. The model provides a high accuracy of 91% and specificity of 99%. 5. “DL Fundus Images Analysis of DR and Macular Edema Grading” In the articles published in springer [5], the author studied the use of Deep learning methods to analyze fundus images of DR. The dataset used to train the model consistsof 41K retinal fundus images taken from Digi-Fundus Ltd. source. The model used the inception v3 algorithm along with several grading methods to classify macular edema using Deep CNN. The overall accuracy was 91% and the output is classified as referable & non-referable DR. 6. “A Deep Learning Method for the detection of diabetic retinopathy The article in paper[6] proposed a model to automatically detect DR and classify patients into NPDR and PDR. A total of 30 high resolution raw fundus images were used to train the model out of which 15 were healthy and 15 were suffering from DR. The model made use of Adam Optimizer algorithm inthelearningprocessoftheDeepCNN. The author claimed to have an accuracy of 91% that works with a small dataset. 7. “A Deep Learning Ensemble Approach for Diabetic Retinopathy Detection” In [7], A combination of 5 deep CNN models - resnet50, Inception V3, Xception, Dense121, and Dense169 were proposed to get a high accuracy result. The models are concatenated into one to improves the classification of DR stages. A total of 35,126 high resolution fundus images were used from kaggle dataset for training, testing & validation purposes. 8. “Diabetic Retinopathy Stage Classification usingCNN” This paper [8] proposed a concatenated model of VGG16, AlexNet & InceptionNet V3 that provides a result of 81.1 % accuracy. The model is trained on 500 retinal fundus images from Kaggle data set. Histogram Equalization filtering algorithm is used in pre-processing for downsizing and resizing images & stochastic gradient descent with momentum optimization algorithm is used for training purpose. The model is highly optimized with a huge number of parameters in stochastic gradient descent. 9. “Classification of Diabetic Retinopathy Images by Using Deep Learning Models” In [9] the researchers proposed models to identify the background of Diabetic Retinopathy. The dataset used is from Kaggle. The model was trained on 2000highresolution raw fundus images with 3 times back propagation neural networks – BNN, DNN & CNN (VGGNet). The hybrid model is used with fuzzyC-meansclustering edgedetectiontechnique for image processing & DL to improve the result for predicting DR. The output is classified into mild, moderate and severe PR. 10. “An enhanced diabetic retinopathy detection and classification approach using deepconvolutionalneural network” In [10], The classification of diagnoses was done using DL & CNN. The HE & CLAHE for image enhancement were used. The dataset used is from MESSIDOR having 400 images. The model has high accuracy and specificity. 11. “Convolutional Neural Networks for Diabetic Retinopathy” In this paper [11], A study was carried out on the use of micro-aneurysms, exudate & hemorrhage features to detect DR. A total of 80k images were used from kaggle dataset source. A CNN methodology is used along with stochastic gradient descent algorithm with Nestrov momentum. The method used can easily detect healthy eye. The model has low specificity and skewed datasets.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 04 | Apr 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 607 12. “Automatic Detection and Classification of Diabetic Retinopathy stages using CNN” In [12], the authors proposed a CNN model for DR screening using retinal fundus images as input.Featureslike microaneurysms & hemorrhages are used with LeNet5 algorithm to detect DR. The model is trained on 30000 fundus images from Kaggle. A small problemwiththismodel was that the dataset was highly imbalanced and it classified most of the class1 & class 2 images as class 0. 13. “Detecting Diabetic Retinopathy using Deep Learning” The purpose of research [13] paper was to detectof DR using Deep Learning. The model was based on the inception-v3 algorithm that is popularly used for image recognition and have accuracy greater than 78.1%. The Normalization mean subtraction and PCA is used for image pre-processing. Kaggle dataset consisting of 40k images are used for training the CNN model. The resultshasanaccuracy of 88% along with high sensitivity and specificity. 14. “Optimal feature selection based diabetic retinopathy detection using improved rider optimization algorithm enabled with deep learning” In [14], the authors analyzed the retinal abnormalities like haemorrhages, soft exudates and Micro aneurysm on dataset used in DIARETDB1. The dataset contains 89 high resolution fundus images. The pre- processing of images was performed using RGB image conversion to green channel and image enhancement using CLAHE procedure. The Deep Belief Network (DBN) algorithm was used to classify the images into four categories depending upon the seriousness of DR. called Modified Gear & Steering-based Rider Optimization Algorithm was used for optimal feature selection. 15. “Automatic Detection of Diabetic Retinopathy in Retinal Fundus Photographs Based on Deep Learning Algorithm” In this article [15], the authors proposedanautoDR detection in fundus retinal images using a deep transfer learning approach. A CNN based algorithm – ‘Inception-v3’ network is used to obtain high accuracy of 93.49%accuracy. For image processing, pixel scaling, downsizingandcontrast enhancement were performed using CLAHE. The model is trained with Messidor-2 dataset. 16. “Detection of Diabetic Retinopathy Using Bichannel Convolutional Neural Network” The researchers in the paper [16] presented their work on Bi-channel CNN-based DL system to detect & classify DR into no apparent DR, mild NPDR, moderate NPDR, severe NPDR, and PDR. The dataset used is the Kaggle dataset. The UM technique is used for image processing to amplify the high-frequency parts of the gray level and the green component of the fundus image before computing. The model performedwithanaccuracyof87.8%. 17. “Diabetic Retinopathy Detection using Machine Learning” The authors in [17] proposed a hybrid machine learning model, a combination of SVM, KNN & RF to detect DR in retinal images. They Kaggle dataset containing 100 images is used to train the proposed model. The performance has an average accuracy of 82%. An accurate image preprocessing is needed for better results. 18. “Diabetic Retinopathy Detection through Image Mining for Type 2 Diabetes” The article in paper [18] proposed a KNN machine learning model for fundus image classification. DIARETDB1 dataset is used for training purpose. The image processing, data mining, texture & wavelet features are extracted forDR detection. DWT Transform & GLCM algorithms are used for image pre processing (feature extraction). The model outperformed other ML based model with a highaccuracyof 97.7% and high sensitivity of 100%. 19. “Automated detection of diabetic retinopathy using SVM” The aim of this researchin[19]wastoautomatically classify the stages of NPDR for any retinal fundus image. For this, SVM algorithm was used and in image processingstage, the blood vessels, microaneurysms & hard exudates are isolated to extract features for figuring out the retinopathy grade of each retinal image. 20. “Automatic Diabetic Retinopathy Screening via Cascaded Framework Based on Image-andLesion-Level Features Fusion” The main goal of this paper [20] was to detect and classify DR Screening using Cascaded Framework Based on Image- and Lesion-Level Features Fusion. For this, Naïve Bayes and SVM classifier is used. The model was trained on Messidor dataset and Adaptive histogram equalization technique was used for image processing. 21. “Automated DR Detection Based on Binocular Siamese-Like CNN” Theresearchers[21]proposedanauto-DRdetection model to classify the retinal images into five grades. The model is based on BinocularSiamese-likeCNN algorithmand is trained on the Inception V3 algorithm. The model uses EyePacs dataset consisting of 35000 images after pre- processing techniques like scaling, normalization & high- pass processing on the retinal fundusimagestoclassifythem into different groups depending on the presence & DR severity.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 04 | Apr 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 608 22. “Diabetic Retinopathy Detection by Extracting Area and Number of Microaneurysm from Colour Fundus Image” In this paper [22], theresearchisprimarilybasedon classification of DR by linear Support vector machine. An improved algorithm for the detectionofdiabetic retinopathy is proposed by accurate determination of number and area of microaneurysm. The model was trained and tested on Messidor-2 dataset. Principal component analysis (PCA), contrast limited adaptive histogram equalization (CLAHE), morphological process, averaging filtering are the techniques used for image preprocessing. The observed specificity is 92% and sensitivity is 96%. The output is classified into two categories i.e. DR and NDR. 23. “Deep Neural Network for Diabetic Retinopathy Detection” The proposed paper [23] is based on a CNN methodology for diabetic retinopathy classification. The model uses ConvNet based algorithm to automatically identifies the pattern and classifies the retina images into five classes – Normal, mild, moderate, severe and proliferative DR. The architectureof neural network consists of convolutional layer that convolve the input and then passed to pooling layer. The process is repeated several times to extract multiple features for each input. The Kaggle dataset is used to train this deep learning model. This model has improved validation accuracy despite less amount of dataset is used. 24. “Diabetic Retinopathy Detection using ensemble deep Learning and Individual Channel Training” The work presented in this paper [24] performs better in classifying all stages of DR compared to existing algorithms that use the same dataset. The model proposed uses ensemble deep learning with five different CNN algorithm including ResNet, DenseNet, Inceptionv3 and Xception. It is trained on EyePACS dataset fundus images from Kaggle and classifies them into five stages of DR. Each channel of the image RGB (Red,Green,Blue)isfedseparately to all the models and the effect of individual channel on the result is analyzed. 25. “A Deep Learning Approach forDiabeticRetinopathy detection using Transfer Learning” In [25], Pre-trained models of DCNN namely, SEResNeXt32x4d and EfficientNetb3 are used on ImageNet dataset. The imagesprocessingareperformedusingAUGMIX and pooled using GeM. The output is classified into 5 categories based on the severity of DR. The model provides better efficiency as a result of transfer learning and the viability of using pre-trained models. The training accuracy goes as high as 0.91. 3. CONCLUSIONS The use of Automated Diabetic Retinopathy systems have made it easier as they are available at a lower cost when compared to other systems. This system is time efficient and it helps the ophthalmologists to cure the retinal disabilities and along with that it provides time to time checkups to minimize problems in the coming times. These technologies have played a major role in curing the ailments more precisely. This article surveyed25research &surveyarticles that discuses and survey the major techniques used for the diagnosis & classification of Diabetic Retinopathy. The survey reviewed various techniques in all the stages such as Pre-processing, Feature extractionaswell asClassification. It also highlighted some major improvements achieved by these algorithms. The survey showed that, for clinical purposes, Machine Learning or a deep-learning method can be more favourable and effective in minimizing the progression of diabetic retinopathy among patients and allowing the ophthalmologist to accelerate further care of the retina. This survey will assist the researchersinthisfield to know about the already availabletechniquesandmethods for detecting & Classifying DR and will help them to drive their research ahead. REFERENCES [1] Neelu K., S. Bhattacharya, “Early Detection of DR Using PCA-Firefly Based DL Model”, MDPI Switzerland, 2020. [2] Lifeng Qiao, Ying Zhu, Hui Zhou, “Diabetic Retinopathy Detection using Prognosis of Microaneurysm and Early Diagnosis System for Non-Proliferative Diabetic Retinopathy Based on Deep Learning Algorithms”, IEEE Access, 2017. [3] JIE LI, JIXIANG GUO, “Diagnosis of DR Using DNN”, IEEE, January 2019. [4] Yung-Hui Li, Na-Ning Yeh, “ Computer Assisted Diagnosis for DR Based on Fundus Images Using Deep CNN”, Hindawi publisher for tech & science journals, 2019. [5] Joel J, J Kivinen, “DL Fundus Images Analysis of DR and Macular Edema Grading”, Springer, 2019. [6] Navoneel Chakrabarty, “A DeepLearningMethodforthe detection of diabetic retinopathy”, IEEE, 2018. [7] SehrishQummar, Fiaz Gul Khan, Sajid Shah, Ahmad Khan, ShahaboddinShamshirband, Zia Ur Rehman, Iftikhar Ahmed Khan, WaqasJadoon, “A Deep Learning EnsembleApproachforDiabeticRetinopathyDetection”, IEEE, 2019. [8] Nikhil M N, Angel Rose A, “Diabetic Retinopathy Stage Classification using CNN”, IRJET, 2019. [9] Suvajit Dutta, Bonthala CS Manideep, Syed MuzamilBasha, Ronnie D. Caytiles and N. Ch. S. N. Iyengar, “Classification of Diabetic Retinopathy Images by Using Deep Learning Models”, IJGDC, 2018.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 04 | Apr 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 609 [10] D. Jude Hemanth, Omer Deperlioglu, UtkuKose, “An enhanced diabetic retinopathy detection and classification approach using deep convolutional neural network”, Springer, 2018. [11] Harry Pratta, FransCoenenb, Deborah M Broadbentc , Simon P Hardinga, YalinZhenga, “Convolutional Neural Networks for Diabetic Retinopathy”, International Conference On Medical Imaging Understanding and Analysis, 2016. [12] Ratul Ghosh, Kuntal Ghosh, SanjitMaitra, “Automatic Detection and Classification of Diabetic Retinopathy stages using CNN”, International Conference on Signal Processing and Integrated Networks, 2017. [13] Yashal Shakti Kanungo, Bhargav Srinivasan, Dr. Savita Choudhary, “Detecting Diabetic RetinopathyusingDeep Learning”, IEEE International Conference on Recent Trends in Electronics Information & Communication Technology (RTEICT), 2017. [14] Ambaji S. Jadhav, Pushpa B. Patil, Sunil Biradar, “ Optimal feature selection based diabetic retinopathy detection using improved rider optimization algorithm enabled with deep learning” Springer, 9 April 2020. [15] Feng Li, Zheng Liu, Hua Chen, Minshan Jiang, Xuedian Zhang, and Zhizheng Wu, “Automatic Detection of Diabetic Retinopathy in Retinal Fundus Photographs Based on Deep Learning Algorithm”, tvst.journals,2019. [16] Shu-I Pao,Hong-Zin Lin,Ke-Hung Chien, Ming-Cheng Tai,JiannTorngChen, and Gen-Min Lin, “Detection of Diabetic Retinopathy Using Bichannel Convolutional Neural Network”, Hindawi publications, 2020. [17] Revathy R, Nithya B, Reshma J, Ragendhu S, Sumithra M D, “Diabetic Retinopathy Detection using Machine Learning”, IJERT, 2019. [18] Karkhanis Apurva Anant, Vimla Jethani, Tushar Ghorpade, “ Diabetic Retinopathy Detection through Image Mining for Type 2 Diabetes”, ICCCI, 2017. [19] Enrique V. Carrera, Andres Gonz ´ alez, Ricardo Carrera, “Automated detection of diabetic retinopathy using SVM”, IEEE, 2017. [20] Cheng-ZhangZhu,Rong-ChangZhao,“AutomaticDiabetic Retinopathy Screening via Cascaded Framework Based on Image- and Lesion-Level Features Fusion” , Springer, 2019. [21] Yuan Luo, Wenbin Ye, “Automated DR Detection Based on Binocular Siamese-Like CNN” , IEEE, March 2020. [22] Shailesh Kumar,Basant Kumar, “ Diabetic Retinopathy Detection by Extracting Area and Number of MicroaneurysmfromColour FundusImage”,SPIN,2018. [23] Mamta Arora, Mrinal Pandey, “Deep Neural Network for Diabetic Retinopathy Detection”, Com-IT-Con, 2019. [24] Harihanth K, Karthikeyan B, “Diabetic Retinopathy Detection using ensemble deep Learning and Individual Channel Training”, IEEE, 2020. [25] Satwik Ramchandre, Bhargav Patil, “A Deep Learning Approach for Diabetic Retinopathy detection using Transfer Learning”, IEEE, 2020.