SlideShare a Scribd company logo
1 of 30
Analysis of deep
learning algorithms
for diabetic
retinopathy
TEAM 5: DRISHTI
Tejashree S
Shedsale Aakash Sunil
Ayushman Raghuvanshi
Debraj Banerjee
What is diabetic retinopathy?
 In India, an estimated 60million people have diabetes. One serious complication of
diabetes is diabetic retinopathy (DR), a major cause of avoidable blindness
worldwide. Diabetic retinopathy affects approximately 12% to 18% of patients with
diabetes in India.
 This condition is caused when high blood sugar levels cause damage to blood
vessels in the retina (the light-sensitive area at the back of your eye). These blood
vessels can swell and leak. Or they can close, stopping blood from passing
through. Sometimes abnormal, new blood vessels grow on the retina. All of these
changes can affect a person’s vision leading to various degrees of Diabetic
Retinopathy.
How do you diagnose DR?
 Clinically, retinal examination to detect DR is conducted in either of the two ways:
1. Direct or indirect ophthalmoscopy or slit-lamp biomicroscopic examination of the
retina
2. Retinal (fundus) photography, including any of the following: 30° to a wide field,
mono photography or stereo photography, and dilated or undilated photography.
 Globally, grading of DR is practised as per the ICDR scales, which consists of 5 grades
from 0 to 4 based on the severity of DR, where
0: No Diabetic Retinopathy
1: Mild Diabetic Retinopathy
2: Moderate Diabetic Retinopathy
3: Non-proliferative Diabetic Retinopathy
4: Proliferative Diabetic Retinopathy
Deep Learning for Diabetic Retinopathy
 Telemedicine is a potential cost-effective solution to access problems, especially those in
rural and remote areas. Patients can have retinal images taken at diabetology offices or
primary care clinics and the cases can be reviewed by a remote expert.
 Today, a major impediment in implementing telescreening in tertiary care centres is the
lack of trained graders to grade the fundus photography images sent from the remote
clinics. Thus, an automated system to assess the severity of DR can help scale
screenings.
 Recent work has demonstrated highly accurate deep-learning algorithms for various
medical image classification tasks, including retinal imaging. Specifically for DR, multiple
groups have shown that deep learning can be leveraged to produce expert-level
diagnoses for grading fundus photography images.
Datasets and DL algorithms…
 In this study, we trained few of the existing neural network models for DR
classification tasks and also we tried to focus on the explainability aspects of
the results we were getting.
 We used APTOS-2019 Blindness Detection Dataset comprising of 3662
labelled fundus images provided by the Aravind Eye Hospital, Madurai and the
IDRiD dataset comprising of 516 labelled fundus images of the Indian
population.
 Some of the neural networks we experimented with are: Resnet-50, Resnet-
101, Resnet-18, Resnet-34, Inception-v4, VGG-16 and Alexnet.
 In the following slides, we will try to answer some of the questions we posed
and the results that we obtained and the analysis performed on them.
How does variation in training data
affect model performance?
 Before we jump into answering this question, let us analyse the datasets:
Variation in datapoints in each bin of APTOS 2019 Blindness Detection Dataset:
Grade Datapoints
0 1805
1 370
2 999
3 193
4 295
 It can be observed that the distribution of data points in each class is skewed.
We are interested in analysing how this affects model performance.
 Now, let us examine the variation in IDRiD Dataset:
 Even here, we can see some skewness in the distribution of the datapoints.
0 20 40 60 80 100 120 140 160 180
0
1
2
3
4
IDRiD Dataset Grade Datapoints
0 168
1 25
2 168
3 93
4 62
 So, we prepared 2 training datasets from APTOS and IDRiD datasets.
 In the first training dataset, we merged data points from both datasets except those in the
‘0’ category. We considered the ‘0’ category images from the APTOS dataset alone. This
reduced some skewness in our data distribution.
 In the second training dataset, we randomly chose up to 500 images from the combined
datasets of APTOS & IDRiD. This reduced the skewness in data distribution significantly but
at the same time, it reduced the total number of data points available for training as well.
First training Dataset:
Second training Dataset:
Grade Datapoints Normalised values
0 1805 1.0
1 395 0.22
2 1167 0.65
3 286 0.16
4 357 0.20
Grade Datapoints Normalised values
0 500 1.0
1 395 0.79
2 500 1.0
3 286 0.572
4 357 0.714
 We split our datasets into train and validation sets in the ratio of 85:15 respectively
and trained the Alexnet model with Adam optimiser for 300 epochs.
 We curated a test dataset consisting of 100 images from each grade to test the
performance of the model.
Results:
 Accuracy values for Alexnet models were somewhat low (~40%) but the training
times for this model were less as compared to other models. So, we picked this
model for epoch-wise performance analysis.
 Epoch-wise analysis of both the models showed that model-1 in spite of having
more skewness was able to learn faster and better than model-2.
 Note that in both training datasets the number of images in grades ‘1’, ‘3’, and ‘4’
are the same. Even then, somehow model-1 was able to better predict images
belonging to this group than that of model-2. Model-2 mostly learnt to classify
images into either grade ‘0’ or ‘2’.
 This prompted us to use the bigger training dataset-1 in spite of having a higher
skewed data distribution for further analysis on bigger models to achieve better
metrics.
Training ResNet-18 and ResNet-34 for DR
classification
 With insights on training datasets that we obtained from our previous exercise, we
now move on to training more complex neural network models for better
performance.
 We chose Resnet-18 and Resnet-34 for our training. We applied concepts of transfer
learning and trained only the last few layers due to hardware constraints at our end.
 Images are taken in different lighting conditions and this may affect our training. In
order to make our model robust to variations in lighting, we applied Ben-Graham’s
Lighting pre-processing technique, which resulted in highlighting features of our
interest such as exudates, haemorrhages, etc.
 This resulted in achieving an accuracy of 76% for the Resnet-18 and 75% for the
Resnet-34 models. This is a significant increase in accuracy from the previous Alexnet
model.
Original Image Pre-processed image
The idea behind this method is to high boost the image and shift the image intensity by some
positive constant
Ben Graham’s Image Lighting Preprocessing methodology
 To get insights into how the model is learning, we made use of Grad-CAM
outputs at the end of each block of layers.
 The Grad-CAM technique utilises the gradients of the classification score with
respect to the final convolutional feature map, to identify the parts of an input
image that most impact the classification score. The places where this gradient
is large are precisely the places where the final score depends most on the
data.
 In order to get an overall view of the learnings of the model, we take an
average over the 4 Grad-CAM outputs, which gives information about the
average learning and helps in visualising the overall learning of the model.
 Grad-CAM outputs for each block of layers and the averaged Grad-CAM outputs
are visualised in further slides.
 Conclusion: The Resnet-18 & Resnet-34 models are able to predict pre-
processed images with higher confidence levels and are also able to detect the
areas of lesions, haemorrhages etc.
Grad-CAM outputs of each block of layers of a grade ‘0’ image
Grad-CAM outputs of each block of layers of a grade ‘3’ image
Averaged Grad-CAM Outputs for images belonging to different classes
Training ResNet-50 and ResNet-101 for
DR Classification
 Next, we experimented with deeper models with even higher layers. We
chose ResNet-50 and ResNet-101 for this.
 We used the APTOS dataset without any pre-processing techniques applied
to the images. We used an 80:20 train:test split on the APTOS dataset for
this exercise.
 We got better accuracies than the previous models. We achieved 88.40%
accuracy for the ResNet-50 model and 88.68% accuracy for the ResNet-101
model.
 When we observed the Grad-CAM outputs of every layer, we noticed that
the initial few layers were learning the visual features of our interest. So,
to investigate this, we took the outputs of the 15th layer of ResNet-101 and
the 16th layer of ResNet-50 and connected them to a fully connected layer
and took predictions and tested them for accuracy.
ResNet-101 all layers accuracy 88.68% ResNet-50 all layers accuracy 88.40%
Confusion Matrices
ResNet-50 first 16 layers accuracy 63.98% ResNet-101 first 15 layers accuracy 86.36%
As observed in the Grad-CAM visualisations, the above accuracy results prove that the first few
layers were learning most of the important features for DR Classification successfully.
Confusion Matrices
Which areas of the fundus image are
most affecting the prediction?
 Now, that we received good accuracy using ResNet-50 and ResNet-101 models, let us dive into
discovering which areas within the fundus image most affect the predictions.
 To answer this, we took test images whose grades were predicted by the model accurately.
 Then, we used varying patch sizes ranging from 10 x 10 to 100 x 100 as a mask which
replaced actual pixel values with the median value of the pixels under the patch.
 By shifting this patch mask throughout the image, we generated a set of test images which
were fed to our model for prediction.
 We carried out this exercise to find those areas whose masking resulted in a dip in the
prediction accuracy levels. These areas would be of interest as the features present in these
areas would likely be the ones that the model had learnt for classification.
ResNet-50 all layers for varying patch size for a fixed class of image (grade ‘0’):
ResNet-50 all layers for different patch locations for a fixed class of image (grade ‘0’):
ResNet-50 all layers for varying patch size for a fixed class of image (grade ‘1’):
ResNet-50 all layers for different patch locations for a fixed image (grade ‘1’):
Time for some hands-on ..
Observations
 As the input data contains a disproportionate amount of grade ‘0’ data(about 49% of
total data), the model kind of overfits the data as a result, we get almost 100% accurate
predictions even if the patch size is increased further. Only for some extreme cases as
shown below, the model predict incorrect class.
 For grade ‘1’ images, we observe that as the patch size increased or when the location of
the patch changed, the model classified wrongly or the confidence of the prediction
reduced, hinting that the latent features are more localized for other grades than that of
grade ‘0’ images.
 Also, we observed that when the patch masked areas around the middle area,
comprising of the fovea, optic disc and surrounding areas, the model predicted wrongly,
leading us to further investigate which of these areas contributed the most features for
the classification task.
Which are the important areas - Fovea, Optic Disc or both?
 Here, let us figure out whether the fovea, optic disc or some area in between them
or all of them contribute to the classification task.
 In order to achieve this, we cropped our images centred at the fovea, optic disc
and the area in between them and trained ResNet-34 and ResNet-50 models on
these cropped images.
 Then we presented the corresponding cropped areas of the test images to see how
the models performed.
 The results we obtained are displayed in the next slide.
Fovea Optic Disc Center
Fovea Accuracy Recall F1 score
ResNet-50 0.84 0.85 0.85
ResNet-34 0.82 0.87 0.81
Optic Disc Accuracy Recall F1 score
ResNet-50 0.77 0.77 0.77
ResNet-34 0.79 0.79 0.79
Center area Accuracy Recall F1 score
ResNet-50 0.79 0.78 0.77
ResNet-34 0.83 0.83 0.83
Performance metrics of model trained on cropped fovea images
Performance metrics of model trained on cropped optic disc images
Performance metrics of model trained on cropped retinal center images
By the above measurements, we can conclude that fovea, optic disc and eye center were all
important areas that contributed to the classification, with croppings centred around fovea
providing higher performance metrics, closer to the performance associated with full fundus
images.
Conclusions
 Through this project, we observed that a larger dataset with higher skewness in data
distribution trained the model better and faster than a smaller dataset with lesser
skewness in data distribution.
 Ben-Graham Lighting pre-processing technique resulted in better model performance.
The model was also able to learn the features of interest such as haemorrhages, hard
exudates etc.
 ResNet-50 and ResNet-101 models gave the best performance out of all the models we
experimented with.
 The first few initial layers of both ResNet-50 and ResNet-101 yielded high accuracy of
predictions, especially that of ResNet-101 which was almost equal to the final accuracy
obtained at the end of all layers.
 The model was robust to almost all types of masking for grade ‘0’ images vowing to the
higher number of data points in the training dataset, whereas other classes of images
were somewhat sensitive to the maskings near the middle portion of the fundus image.
 Images centred around the fovea, optic disc and centre contributed significantly to the
classification, among which those centred around the fovea produced very close
performance similar to that of full fundus images.
Bibliography
 Gulshan V, Peng L, Coram M, et al. Development and Validation of a Deep Learning
Algorithm for Detection of Diabetic Retinopathy in Retinal Fundus Photographs. JAMA.
2016;316(22):2402–2410. doi:10.1001/jama.2016.17216
 Gulshan V, Rajan RP, Widner K, et al. Performance of a Deep-Learning Algorithm vs
Manual Grading for Detecting Diabetic Retinopathy in India. JAMA Ophthalmol.
2019;137(9):987–993. doi:10.1001/jamaophthalmol.2019.2004
 M. Karakaya and R. S. Aygun, "Retinal Biomarkers for Detecting Diabetic Retinopaty
Using Smartphone-Based Deep Learning Frameworks," ICASSP 2023 - 2023 IEEE
International Conference on Acoustics, Speech and Signal Processing (ICASSP), Rhodes
Island, Greece, 2023, pp. 1-5, doi: 10.1109/ICASSP49357.2023.10095574.
 Porwal P, Pachade S, Kamble R, Kokare M, Deshmukh G, Sahasrabuddhe V, Meriaudeau F.
Indian Diabetic Retinopathy Image Dataset (IDRiD): A Database for Diabetic Retinopathy
Screening Research. Data. 2018; 3(3):25. https://doi.org/10.3390/data3030025
 https://www.kaggle.com/c/aptos2019-blindness-detection
Thank You all for your kind
attention 

More Related Content

Similar to Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx

Blood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNNBlood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNNIRJET Journal
 
Early Stage Detection of Alzheimer’s Disease Using Deep Learning
Early Stage Detection of Alzheimer’s Disease Using Deep LearningEarly Stage Detection of Alzheimer’s Disease Using Deep Learning
Early Stage Detection of Alzheimer’s Disease Using Deep LearningIRJET Journal
 
IRJET- Segmentation and Representation of Data Dependent Label Distribution L...
IRJET- Segmentation and Representation of Data Dependent Label Distribution L...IRJET- Segmentation and Representation of Data Dependent Label Distribution L...
IRJET- Segmentation and Representation of Data Dependent Label Distribution L...IRJET Journal
 
SVM-KNN Hybrid Method for MR Image
SVM-KNN Hybrid Method for MR ImageSVM-KNN Hybrid Method for MR Image
SVM-KNN Hybrid Method for MR ImageIRJET Journal
 
Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.IRJET Journal
 
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaComparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaIRJET Journal
 
Study on Glaucoma Detection Using CNN
Study on Glaucoma Detection Using CNNStudy on Glaucoma Detection Using CNN
Study on Glaucoma Detection Using CNNIRJET Journal
 
Report face recognition : ArganRecogn
Report face recognition :  ArganRecognReport face recognition :  ArganRecogn
Report face recognition : ArganRecognIlyas CHAOUA
 
Prediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep LearningPrediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep LearningIRJET Journal
 
FACIAL EMOTION RECOGNITION SYSTEM
FACIAL EMOTION RECOGNITION SYSTEMFACIAL EMOTION RECOGNITION SYSTEM
FACIAL EMOTION RECOGNITION SYSTEMIRJET Journal
 
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...ijaia
 
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning Algorithms
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning AlgorithmsIRJET- Diagnosis of Diabetic Retinopathy using Machine Learning Algorithms
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning AlgorithmsIRJET Journal
 
IRJET- Survey on Face Recognition using Biometrics
IRJET-  	  Survey on Face Recognition using BiometricsIRJET-  	  Survey on Face Recognition using Biometrics
IRJET- Survey on Face Recognition using BiometricsIRJET Journal
 
Automated Detection of Diabetic Retinopathy Using Deep Learning
Automated Detection of Diabetic Retinopathy Using Deep LearningAutomated Detection of Diabetic Retinopathy Using Deep Learning
Automated Detection of Diabetic Retinopathy Using Deep LearningIRJET Journal
 
Facial keypoint recognition
Facial keypoint recognitionFacial keypoint recognition
Facial keypoint recognitionAkrita Agarwal
 
IRJET- Efficient Face Detection from Video Sequences using KNN and PCA
IRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCAIRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCA
IRJET- Efficient Face Detection from Video Sequences using KNN and PCAIRJET Journal
 
IRJET-Comparision of PCA and LDA Techniques for Face Recognition Feature Base...
IRJET-Comparision of PCA and LDA Techniques for Face Recognition Feature Base...IRJET-Comparision of PCA and LDA Techniques for Face Recognition Feature Base...
IRJET-Comparision of PCA and LDA Techniques for Face Recognition Feature Base...IRJET Journal
 
Real time multi face detection using deep learning
Real time multi face detection using deep learningReal time multi face detection using deep learning
Real time multi face detection using deep learningReallykul Kuul
 
SINGLE IMAGE SUPER RESOLUTION: A COMPARATIVE STUDY
SINGLE IMAGE SUPER RESOLUTION: A COMPARATIVE STUDYSINGLE IMAGE SUPER RESOLUTION: A COMPARATIVE STUDY
SINGLE IMAGE SUPER RESOLUTION: A COMPARATIVE STUDYcsandit
 

Similar to Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx (20)

Blood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNNBlood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNN
 
Early Stage Detection of Alzheimer’s Disease Using Deep Learning
Early Stage Detection of Alzheimer’s Disease Using Deep LearningEarly Stage Detection of Alzheimer’s Disease Using Deep Learning
Early Stage Detection of Alzheimer’s Disease Using Deep Learning
 
IRJET- Segmentation and Representation of Data Dependent Label Distribution L...
IRJET- Segmentation and Representation of Data Dependent Label Distribution L...IRJET- Segmentation and Representation of Data Dependent Label Distribution L...
IRJET- Segmentation and Representation of Data Dependent Label Distribution L...
 
SVM-KNN Hybrid Method for MR Image
SVM-KNN Hybrid Method for MR ImageSVM-KNN Hybrid Method for MR Image
SVM-KNN Hybrid Method for MR Image
 
Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.
 
Human Emotion Recognition
Human Emotion RecognitionHuman Emotion Recognition
Human Emotion Recognition
 
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaComparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
 
Study on Glaucoma Detection Using CNN
Study on Glaucoma Detection Using CNNStudy on Glaucoma Detection Using CNN
Study on Glaucoma Detection Using CNN
 
Report face recognition : ArganRecogn
Report face recognition :  ArganRecognReport face recognition :  ArganRecogn
Report face recognition : ArganRecogn
 
Prediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep LearningPrediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep Learning
 
FACIAL EMOTION RECOGNITION SYSTEM
FACIAL EMOTION RECOGNITION SYSTEMFACIAL EMOTION RECOGNITION SYSTEM
FACIAL EMOTION RECOGNITION SYSTEM
 
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...
DATA AUGMENTATION TECHNIQUES AND TRANSFER LEARNING APPROACHES APPLIED TO FACI...
 
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning Algorithms
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning AlgorithmsIRJET- Diagnosis of Diabetic Retinopathy using Machine Learning Algorithms
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning Algorithms
 
IRJET- Survey on Face Recognition using Biometrics
IRJET-  	  Survey on Face Recognition using BiometricsIRJET-  	  Survey on Face Recognition using Biometrics
IRJET- Survey on Face Recognition using Biometrics
 
Automated Detection of Diabetic Retinopathy Using Deep Learning
Automated Detection of Diabetic Retinopathy Using Deep LearningAutomated Detection of Diabetic Retinopathy Using Deep Learning
Automated Detection of Diabetic Retinopathy Using Deep Learning
 
Facial keypoint recognition
Facial keypoint recognitionFacial keypoint recognition
Facial keypoint recognition
 
IRJET- Efficient Face Detection from Video Sequences using KNN and PCA
IRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCAIRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCA
IRJET- Efficient Face Detection from Video Sequences using KNN and PCA
 
IRJET-Comparision of PCA and LDA Techniques for Face Recognition Feature Base...
IRJET-Comparision of PCA and LDA Techniques for Face Recognition Feature Base...IRJET-Comparision of PCA and LDA Techniques for Face Recognition Feature Base...
IRJET-Comparision of PCA and LDA Techniques for Face Recognition Feature Base...
 
Real time multi face detection using deep learning
Real time multi face detection using deep learningReal time multi face detection using deep learning
Real time multi face detection using deep learning
 
SINGLE IMAGE SUPER RESOLUTION: A COMPARATIVE STUDY
SINGLE IMAGE SUPER RESOLUTION: A COMPARATIVE STUDYSINGLE IMAGE SUPER RESOLUTION: A COMPARATIVE STUDY
SINGLE IMAGE SUPER RESOLUTION: A COMPARATIVE STUDY
 

Recently uploaded

Local Housewife and effective ☎️ 8250192130 🍉🍓 Sexy Girls VIP Call Girls Chan...
Local Housewife and effective ☎️ 8250192130 🍉🍓 Sexy Girls VIP Call Girls Chan...Local Housewife and effective ☎️ 8250192130 🍉🍓 Sexy Girls VIP Call Girls Chan...
Local Housewife and effective ☎️ 8250192130 🍉🍓 Sexy Girls VIP Call Girls Chan...Russian Call Girls Amritsar
 
Russian Escorts Aishbagh Road * 9548273370 Naughty Call Girls Service in Lucknow
Russian Escorts Aishbagh Road * 9548273370 Naughty Call Girls Service in LucknowRussian Escorts Aishbagh Road * 9548273370 Naughty Call Girls Service in Lucknow
Russian Escorts Aishbagh Road * 9548273370 Naughty Call Girls Service in Lucknowgragteena
 
VIP Kolkata Call Girl New Town 👉 8250192130 Available With Room
VIP Kolkata Call Girl New Town 👉 8250192130  Available With RoomVIP Kolkata Call Girl New Town 👉 8250192130  Available With Room
VIP Kolkata Call Girl New Town 👉 8250192130 Available With Roomdivyansh0kumar0
 
💚😋Mumbai Escort Service Call Girls, ₹5000 To 25K With AC💚😋
💚😋Mumbai Escort Service Call Girls, ₹5000 To 25K With AC💚😋💚😋Mumbai Escort Service Call Girls, ₹5000 To 25K With AC💚😋
💚😋Mumbai Escort Service Call Girls, ₹5000 To 25K With AC💚😋Sheetaleventcompany
 
Hot Call Girl In Chandigarh 👅🥵 9053'900678 Call Girls Service In Chandigarh
Hot  Call Girl In Chandigarh 👅🥵 9053'900678 Call Girls Service In ChandigarhHot  Call Girl In Chandigarh 👅🥵 9053'900678 Call Girls Service In Chandigarh
Hot Call Girl In Chandigarh 👅🥵 9053'900678 Call Girls Service In ChandigarhVip call girls In Chandigarh
 
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetNanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetCall Girls Service
 
VIP Call Girl Sector 32 Noida Just Book Me 9711199171
VIP Call Girl Sector 32 Noida Just Book Me 9711199171VIP Call Girl Sector 32 Noida Just Book Me 9711199171
VIP Call Girl Sector 32 Noida Just Book Me 9711199171Call Girls Service Gurgaon
 
VIP Call Girls Noida Jhanvi 9711199171 Best VIP Call Girls Near Me
VIP Call Girls Noida Jhanvi 9711199171 Best VIP Call Girls Near MeVIP Call Girls Noida Jhanvi 9711199171 Best VIP Call Girls Near Me
VIP Call Girls Noida Jhanvi 9711199171 Best VIP Call Girls Near Memriyagarg453
 
Jalandhar Female Call Girls Contact Number 9053900678 💚Jalandhar Female Call...
Jalandhar  Female Call Girls Contact Number 9053900678 💚Jalandhar Female Call...Jalandhar  Female Call Girls Contact Number 9053900678 💚Jalandhar Female Call...
Jalandhar Female Call Girls Contact Number 9053900678 💚Jalandhar Female Call...Call Girls Service Chandigarh Ayushi
 
Udaipur Call Girls 📲 9999965857 Call Girl in Udaipur
Udaipur Call Girls 📲 9999965857 Call Girl in UdaipurUdaipur Call Girls 📲 9999965857 Call Girl in Udaipur
Udaipur Call Girls 📲 9999965857 Call Girl in Udaipurseemahedar019
 
No Advance 9053900678 Chandigarh Call Girls , Indian Call Girls For Full Ni...
No Advance 9053900678 Chandigarh  Call Girls , Indian Call Girls  For Full Ni...No Advance 9053900678 Chandigarh  Call Girls , Indian Call Girls  For Full Ni...
No Advance 9053900678 Chandigarh Call Girls , Indian Call Girls For Full Ni...Vip call girls In Chandigarh
 
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF ...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF  ...❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF  ...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF ...Gfnyt.com
 
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...indiancallgirl4rent
 
Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Book me...
Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Book me...Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Book me...
Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Book me...gragteena
 
Russian Call Girls Kota * 8250192130 Service starts from just ₹9999 ✅
Russian Call Girls Kota * 8250192130 Service starts from just ₹9999 ✅Russian Call Girls Kota * 8250192130 Service starts from just ₹9999 ✅
Russian Call Girls Kota * 8250192130 Service starts from just ₹9999 ✅gragmanisha42
 
VIP Call Girls Noida Sia 9711199171 High Class Call Girl Near Me
VIP Call Girls Noida Sia 9711199171 High Class Call Girl Near MeVIP Call Girls Noida Sia 9711199171 High Class Call Girl Near Me
VIP Call Girls Noida Sia 9711199171 High Class Call Girl Near Memriyagarg453
 
VIP Call Girls Sector 67 Gurgaon Just Call Me 9711199012
VIP Call Girls Sector 67 Gurgaon Just Call Me 9711199012VIP Call Girls Sector 67 Gurgaon Just Call Me 9711199012
VIP Call Girls Sector 67 Gurgaon Just Call Me 9711199012Call Girls Service Gurgaon
 
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetOzhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetCall Girls Service
 
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service AvailableDipal Arora
 
VIP Call Girl Sector 25 Gurgaon Just Call Me 9899900591
VIP Call Girl Sector 25 Gurgaon Just Call Me 9899900591VIP Call Girl Sector 25 Gurgaon Just Call Me 9899900591
VIP Call Girl Sector 25 Gurgaon Just Call Me 9899900591adityaroy0215
 

Recently uploaded (20)

Local Housewife and effective ☎️ 8250192130 🍉🍓 Sexy Girls VIP Call Girls Chan...
Local Housewife and effective ☎️ 8250192130 🍉🍓 Sexy Girls VIP Call Girls Chan...Local Housewife and effective ☎️ 8250192130 🍉🍓 Sexy Girls VIP Call Girls Chan...
Local Housewife and effective ☎️ 8250192130 🍉🍓 Sexy Girls VIP Call Girls Chan...
 
Russian Escorts Aishbagh Road * 9548273370 Naughty Call Girls Service in Lucknow
Russian Escorts Aishbagh Road * 9548273370 Naughty Call Girls Service in LucknowRussian Escorts Aishbagh Road * 9548273370 Naughty Call Girls Service in Lucknow
Russian Escorts Aishbagh Road * 9548273370 Naughty Call Girls Service in Lucknow
 
VIP Kolkata Call Girl New Town 👉 8250192130 Available With Room
VIP Kolkata Call Girl New Town 👉 8250192130  Available With RoomVIP Kolkata Call Girl New Town 👉 8250192130  Available With Room
VIP Kolkata Call Girl New Town 👉 8250192130 Available With Room
 
💚😋Mumbai Escort Service Call Girls, ₹5000 To 25K With AC💚😋
💚😋Mumbai Escort Service Call Girls, ₹5000 To 25K With AC💚😋💚😋Mumbai Escort Service Call Girls, ₹5000 To 25K With AC💚😋
💚😋Mumbai Escort Service Call Girls, ₹5000 To 25K With AC💚😋
 
Hot Call Girl In Chandigarh 👅🥵 9053'900678 Call Girls Service In Chandigarh
Hot  Call Girl In Chandigarh 👅🥵 9053'900678 Call Girls Service In ChandigarhHot  Call Girl In Chandigarh 👅🥵 9053'900678 Call Girls Service In Chandigarh
Hot Call Girl In Chandigarh 👅🥵 9053'900678 Call Girls Service In Chandigarh
 
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetNanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Nanded Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
 
VIP Call Girl Sector 32 Noida Just Book Me 9711199171
VIP Call Girl Sector 32 Noida Just Book Me 9711199171VIP Call Girl Sector 32 Noida Just Book Me 9711199171
VIP Call Girl Sector 32 Noida Just Book Me 9711199171
 
VIP Call Girls Noida Jhanvi 9711199171 Best VIP Call Girls Near Me
VIP Call Girls Noida Jhanvi 9711199171 Best VIP Call Girls Near MeVIP Call Girls Noida Jhanvi 9711199171 Best VIP Call Girls Near Me
VIP Call Girls Noida Jhanvi 9711199171 Best VIP Call Girls Near Me
 
Jalandhar Female Call Girls Contact Number 9053900678 💚Jalandhar Female Call...
Jalandhar  Female Call Girls Contact Number 9053900678 💚Jalandhar Female Call...Jalandhar  Female Call Girls Contact Number 9053900678 💚Jalandhar Female Call...
Jalandhar Female Call Girls Contact Number 9053900678 💚Jalandhar Female Call...
 
Udaipur Call Girls 📲 9999965857 Call Girl in Udaipur
Udaipur Call Girls 📲 9999965857 Call Girl in UdaipurUdaipur Call Girls 📲 9999965857 Call Girl in Udaipur
Udaipur Call Girls 📲 9999965857 Call Girl in Udaipur
 
No Advance 9053900678 Chandigarh Call Girls , Indian Call Girls For Full Ni...
No Advance 9053900678 Chandigarh  Call Girls , Indian Call Girls  For Full Ni...No Advance 9053900678 Chandigarh  Call Girls , Indian Call Girls  For Full Ni...
No Advance 9053900678 Chandigarh Call Girls , Indian Call Girls For Full Ni...
 
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF ...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF  ...❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF  ...
❤️♀️@ Jaipur Call Girls ❤️♀️@ Jaispreet Call Girl Services in Jaipur QRYPCF ...
 
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...
(Sonam Bajaj) Call Girl in Jaipur- 09257276172 Escorts Service 50% Off with C...
 
Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Book me...
Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Book me...Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Book me...
Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Book me...
 
Russian Call Girls Kota * 8250192130 Service starts from just ₹9999 ✅
Russian Call Girls Kota * 8250192130 Service starts from just ₹9999 ✅Russian Call Girls Kota * 8250192130 Service starts from just ₹9999 ✅
Russian Call Girls Kota * 8250192130 Service starts from just ₹9999 ✅
 
VIP Call Girls Noida Sia 9711199171 High Class Call Girl Near Me
VIP Call Girls Noida Sia 9711199171 High Class Call Girl Near MeVIP Call Girls Noida Sia 9711199171 High Class Call Girl Near Me
VIP Call Girls Noida Sia 9711199171 High Class Call Girl Near Me
 
VIP Call Girls Sector 67 Gurgaon Just Call Me 9711199012
VIP Call Girls Sector 67 Gurgaon Just Call Me 9711199012VIP Call Girls Sector 67 Gurgaon Just Call Me 9711199012
VIP Call Girls Sector 67 Gurgaon Just Call Me 9711199012
 
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real MeetOzhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
Ozhukarai Call Girls 👙 6297143586 👙 Genuine WhatsApp Number for Real Meet
 
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Hyderabad Just Call 9907093804 Top Class Call Girl Service Available
 
VIP Call Girl Sector 25 Gurgaon Just Call Me 9899900591
VIP Call Girl Sector 25 Gurgaon Just Call Me 9899900591VIP Call Girl Sector 25 Gurgaon Just Call Me 9899900591
VIP Call Girl Sector 25 Gurgaon Just Call Me 9899900591
 

Analysis_of_deep_learning_algorithms_for_diabetic_retinopathy.pptx

  • 1. Analysis of deep learning algorithms for diabetic retinopathy TEAM 5: DRISHTI Tejashree S Shedsale Aakash Sunil Ayushman Raghuvanshi Debraj Banerjee
  • 2. What is diabetic retinopathy?  In India, an estimated 60million people have diabetes. One serious complication of diabetes is diabetic retinopathy (DR), a major cause of avoidable blindness worldwide. Diabetic retinopathy affects approximately 12% to 18% of patients with diabetes in India.  This condition is caused when high blood sugar levels cause damage to blood vessels in the retina (the light-sensitive area at the back of your eye). These blood vessels can swell and leak. Or they can close, stopping blood from passing through. Sometimes abnormal, new blood vessels grow on the retina. All of these changes can affect a person’s vision leading to various degrees of Diabetic Retinopathy.
  • 3. How do you diagnose DR?  Clinically, retinal examination to detect DR is conducted in either of the two ways: 1. Direct or indirect ophthalmoscopy or slit-lamp biomicroscopic examination of the retina 2. Retinal (fundus) photography, including any of the following: 30° to a wide field, mono photography or stereo photography, and dilated or undilated photography.  Globally, grading of DR is practised as per the ICDR scales, which consists of 5 grades from 0 to 4 based on the severity of DR, where 0: No Diabetic Retinopathy 1: Mild Diabetic Retinopathy 2: Moderate Diabetic Retinopathy 3: Non-proliferative Diabetic Retinopathy 4: Proliferative Diabetic Retinopathy
  • 4. Deep Learning for Diabetic Retinopathy  Telemedicine is a potential cost-effective solution to access problems, especially those in rural and remote areas. Patients can have retinal images taken at diabetology offices or primary care clinics and the cases can be reviewed by a remote expert.  Today, a major impediment in implementing telescreening in tertiary care centres is the lack of trained graders to grade the fundus photography images sent from the remote clinics. Thus, an automated system to assess the severity of DR can help scale screenings.  Recent work has demonstrated highly accurate deep-learning algorithms for various medical image classification tasks, including retinal imaging. Specifically for DR, multiple groups have shown that deep learning can be leveraged to produce expert-level diagnoses for grading fundus photography images.
  • 5. Datasets and DL algorithms…  In this study, we trained few of the existing neural network models for DR classification tasks and also we tried to focus on the explainability aspects of the results we were getting.  We used APTOS-2019 Blindness Detection Dataset comprising of 3662 labelled fundus images provided by the Aravind Eye Hospital, Madurai and the IDRiD dataset comprising of 516 labelled fundus images of the Indian population.  Some of the neural networks we experimented with are: Resnet-50, Resnet- 101, Resnet-18, Resnet-34, Inception-v4, VGG-16 and Alexnet.  In the following slides, we will try to answer some of the questions we posed and the results that we obtained and the analysis performed on them.
  • 6. How does variation in training data affect model performance?  Before we jump into answering this question, let us analyse the datasets: Variation in datapoints in each bin of APTOS 2019 Blindness Detection Dataset: Grade Datapoints 0 1805 1 370 2 999 3 193 4 295
  • 7.  It can be observed that the distribution of data points in each class is skewed. We are interested in analysing how this affects model performance.  Now, let us examine the variation in IDRiD Dataset:  Even here, we can see some skewness in the distribution of the datapoints. 0 20 40 60 80 100 120 140 160 180 0 1 2 3 4 IDRiD Dataset Grade Datapoints 0 168 1 25 2 168 3 93 4 62
  • 8.  So, we prepared 2 training datasets from APTOS and IDRiD datasets.  In the first training dataset, we merged data points from both datasets except those in the ‘0’ category. We considered the ‘0’ category images from the APTOS dataset alone. This reduced some skewness in our data distribution.  In the second training dataset, we randomly chose up to 500 images from the combined datasets of APTOS & IDRiD. This reduced the skewness in data distribution significantly but at the same time, it reduced the total number of data points available for training as well. First training Dataset: Second training Dataset: Grade Datapoints Normalised values 0 1805 1.0 1 395 0.22 2 1167 0.65 3 286 0.16 4 357 0.20 Grade Datapoints Normalised values 0 500 1.0 1 395 0.79 2 500 1.0 3 286 0.572 4 357 0.714
  • 9.  We split our datasets into train and validation sets in the ratio of 85:15 respectively and trained the Alexnet model with Adam optimiser for 300 epochs.  We curated a test dataset consisting of 100 images from each grade to test the performance of the model. Results:  Accuracy values for Alexnet models were somewhat low (~40%) but the training times for this model were less as compared to other models. So, we picked this model for epoch-wise performance analysis.  Epoch-wise analysis of both the models showed that model-1 in spite of having more skewness was able to learn faster and better than model-2.  Note that in both training datasets the number of images in grades ‘1’, ‘3’, and ‘4’ are the same. Even then, somehow model-1 was able to better predict images belonging to this group than that of model-2. Model-2 mostly learnt to classify images into either grade ‘0’ or ‘2’.  This prompted us to use the bigger training dataset-1 in spite of having a higher skewed data distribution for further analysis on bigger models to achieve better metrics.
  • 10. Training ResNet-18 and ResNet-34 for DR classification  With insights on training datasets that we obtained from our previous exercise, we now move on to training more complex neural network models for better performance.  We chose Resnet-18 and Resnet-34 for our training. We applied concepts of transfer learning and trained only the last few layers due to hardware constraints at our end.  Images are taken in different lighting conditions and this may affect our training. In order to make our model robust to variations in lighting, we applied Ben-Graham’s Lighting pre-processing technique, which resulted in highlighting features of our interest such as exudates, haemorrhages, etc.  This resulted in achieving an accuracy of 76% for the Resnet-18 and 75% for the Resnet-34 models. This is a significant increase in accuracy from the previous Alexnet model.
  • 11. Original Image Pre-processed image The idea behind this method is to high boost the image and shift the image intensity by some positive constant Ben Graham’s Image Lighting Preprocessing methodology
  • 12.  To get insights into how the model is learning, we made use of Grad-CAM outputs at the end of each block of layers.  The Grad-CAM technique utilises the gradients of the classification score with respect to the final convolutional feature map, to identify the parts of an input image that most impact the classification score. The places where this gradient is large are precisely the places where the final score depends most on the data.  In order to get an overall view of the learnings of the model, we take an average over the 4 Grad-CAM outputs, which gives information about the average learning and helps in visualising the overall learning of the model.  Grad-CAM outputs for each block of layers and the averaged Grad-CAM outputs are visualised in further slides.  Conclusion: The Resnet-18 & Resnet-34 models are able to predict pre- processed images with higher confidence levels and are also able to detect the areas of lesions, haemorrhages etc.
  • 13. Grad-CAM outputs of each block of layers of a grade ‘0’ image
  • 14. Grad-CAM outputs of each block of layers of a grade ‘3’ image
  • 15. Averaged Grad-CAM Outputs for images belonging to different classes
  • 16. Training ResNet-50 and ResNet-101 for DR Classification  Next, we experimented with deeper models with even higher layers. We chose ResNet-50 and ResNet-101 for this.  We used the APTOS dataset without any pre-processing techniques applied to the images. We used an 80:20 train:test split on the APTOS dataset for this exercise.  We got better accuracies than the previous models. We achieved 88.40% accuracy for the ResNet-50 model and 88.68% accuracy for the ResNet-101 model.  When we observed the Grad-CAM outputs of every layer, we noticed that the initial few layers were learning the visual features of our interest. So, to investigate this, we took the outputs of the 15th layer of ResNet-101 and the 16th layer of ResNet-50 and connected them to a fully connected layer and took predictions and tested them for accuracy.
  • 17. ResNet-101 all layers accuracy 88.68% ResNet-50 all layers accuracy 88.40% Confusion Matrices
  • 18. ResNet-50 first 16 layers accuracy 63.98% ResNet-101 first 15 layers accuracy 86.36% As observed in the Grad-CAM visualisations, the above accuracy results prove that the first few layers were learning most of the important features for DR Classification successfully. Confusion Matrices
  • 19. Which areas of the fundus image are most affecting the prediction?  Now, that we received good accuracy using ResNet-50 and ResNet-101 models, let us dive into discovering which areas within the fundus image most affect the predictions.  To answer this, we took test images whose grades were predicted by the model accurately.  Then, we used varying patch sizes ranging from 10 x 10 to 100 x 100 as a mask which replaced actual pixel values with the median value of the pixels under the patch.  By shifting this patch mask throughout the image, we generated a set of test images which were fed to our model for prediction.  We carried out this exercise to find those areas whose masking resulted in a dip in the prediction accuracy levels. These areas would be of interest as the features present in these areas would likely be the ones that the model had learnt for classification.
  • 20. ResNet-50 all layers for varying patch size for a fixed class of image (grade ‘0’):
  • 21. ResNet-50 all layers for different patch locations for a fixed class of image (grade ‘0’):
  • 22. ResNet-50 all layers for varying patch size for a fixed class of image (grade ‘1’):
  • 23. ResNet-50 all layers for different patch locations for a fixed image (grade ‘1’):
  • 24. Time for some hands-on ..
  • 25. Observations  As the input data contains a disproportionate amount of grade ‘0’ data(about 49% of total data), the model kind of overfits the data as a result, we get almost 100% accurate predictions even if the patch size is increased further. Only for some extreme cases as shown below, the model predict incorrect class.  For grade ‘1’ images, we observe that as the patch size increased or when the location of the patch changed, the model classified wrongly or the confidence of the prediction reduced, hinting that the latent features are more localized for other grades than that of grade ‘0’ images.  Also, we observed that when the patch masked areas around the middle area, comprising of the fovea, optic disc and surrounding areas, the model predicted wrongly, leading us to further investigate which of these areas contributed the most features for the classification task.
  • 26. Which are the important areas - Fovea, Optic Disc or both?  Here, let us figure out whether the fovea, optic disc or some area in between them or all of them contribute to the classification task.  In order to achieve this, we cropped our images centred at the fovea, optic disc and the area in between them and trained ResNet-34 and ResNet-50 models on these cropped images.  Then we presented the corresponding cropped areas of the test images to see how the models performed.  The results we obtained are displayed in the next slide. Fovea Optic Disc Center
  • 27. Fovea Accuracy Recall F1 score ResNet-50 0.84 0.85 0.85 ResNet-34 0.82 0.87 0.81 Optic Disc Accuracy Recall F1 score ResNet-50 0.77 0.77 0.77 ResNet-34 0.79 0.79 0.79 Center area Accuracy Recall F1 score ResNet-50 0.79 0.78 0.77 ResNet-34 0.83 0.83 0.83 Performance metrics of model trained on cropped fovea images Performance metrics of model trained on cropped optic disc images Performance metrics of model trained on cropped retinal center images By the above measurements, we can conclude that fovea, optic disc and eye center were all important areas that contributed to the classification, with croppings centred around fovea providing higher performance metrics, closer to the performance associated with full fundus images.
  • 28. Conclusions  Through this project, we observed that a larger dataset with higher skewness in data distribution trained the model better and faster than a smaller dataset with lesser skewness in data distribution.  Ben-Graham Lighting pre-processing technique resulted in better model performance. The model was also able to learn the features of interest such as haemorrhages, hard exudates etc.  ResNet-50 and ResNet-101 models gave the best performance out of all the models we experimented with.  The first few initial layers of both ResNet-50 and ResNet-101 yielded high accuracy of predictions, especially that of ResNet-101 which was almost equal to the final accuracy obtained at the end of all layers.  The model was robust to almost all types of masking for grade ‘0’ images vowing to the higher number of data points in the training dataset, whereas other classes of images were somewhat sensitive to the maskings near the middle portion of the fundus image.  Images centred around the fovea, optic disc and centre contributed significantly to the classification, among which those centred around the fovea produced very close performance similar to that of full fundus images.
  • 29. Bibliography  Gulshan V, Peng L, Coram M, et al. Development and Validation of a Deep Learning Algorithm for Detection of Diabetic Retinopathy in Retinal Fundus Photographs. JAMA. 2016;316(22):2402–2410. doi:10.1001/jama.2016.17216  Gulshan V, Rajan RP, Widner K, et al. Performance of a Deep-Learning Algorithm vs Manual Grading for Detecting Diabetic Retinopathy in India. JAMA Ophthalmol. 2019;137(9):987–993. doi:10.1001/jamaophthalmol.2019.2004  M. Karakaya and R. S. Aygun, "Retinal Biomarkers for Detecting Diabetic Retinopaty Using Smartphone-Based Deep Learning Frameworks," ICASSP 2023 - 2023 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Rhodes Island, Greece, 2023, pp. 1-5, doi: 10.1109/ICASSP49357.2023.10095574.  Porwal P, Pachade S, Kamble R, Kokare M, Deshmukh G, Sahasrabuddhe V, Meriaudeau F. Indian Diabetic Retinopathy Image Dataset (IDRiD): A Database for Diabetic Retinopathy Screening Research. Data. 2018; 3(3):25. https://doi.org/10.3390/data3030025  https://www.kaggle.com/c/aptos2019-blindness-detection
  • 30. Thank You all for your kind attention 