0% found this document useful (0 votes)
39 views5 pages

Evolution and Testimony of Deep Learning Algorithm For Diabetic Retinopathy Detection

The document discusses a deep learning algorithm developed for detecting diabetic retinopathy. Deep neural networks can identify patterns in images without human involvement. The paper focuses on evolving and testing a deep learning algorithm for early detection of diabetic retinopathy from fundus images. The algorithm analyzes fundus images to identify signs of the disorder. It aims to help doctors screen large databases of images quickly to allow early treatment for patients. Deep learning models are capable of learning on their own from data to improve classification accuracy over time.
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
39 views5 pages

Evolution and Testimony of Deep Learning Algorithm For Diabetic Retinopathy Detection

The document discusses a deep learning algorithm developed for detecting diabetic retinopathy. Deep neural networks can identify patterns in images without human involvement. The paper focuses on evolving and testing a deep learning algorithm for early detection of diabetic retinopathy from fundus images. The algorithm analyzes fundus images to identify signs of the disorder. It aims to help doctors screen large databases of images quickly to allow early treatment for patients. Deep learning models are capable of learning on their own from data to improve classification accuracy over time.
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 5

2022 5th International Conference on Advances in Science and Technology (ICAST)

Evolution and Testimony of Deep Learning


Algorithm for
Diabetic Retinopathy Detection
Pranali Hatode
Dr. Maniroja M Edinburgh Martand Jha
Research Scholar TSEC,
Professor, Dept. of EXTC Assistant Professor Dept. of EXTC
Assistant Professor
TSEC KJSIEIT
Dept. of EXTC, KJSIEIT
Mumbai, India, Mumbai, India
Mumbai, India,
[email protected] [email protected]
[email protected]

average classification accuracy. This framework will aid


2022 5th International Conference on Advances in Science and Technology (ICAST) | 978-1-6654-9263-8/22/$31.00 ©2022 IEEE | DOI: 10.1109/ICAST55766.2022.10039538

Abstract- A deep neural network (DNN) is an artificial


neural network (ANN) with various layers incorporated ophthalmologists to identify the disorders in fundus images
between the input and output layers. Deep Neural from a large database within a very short period of time
Networks (DNNs) embodies such a type of network where span. This will lead to on time treatment to the DR patient.
each and every respective layer performs convoluted Deep Learning (DL) a subclass of Machine Learning (ML)
functions such as demonstration and conceptualization that that is capable of learning on its own and its performance is
comprehend images, sound and text. Deep learning also increased from its experience without the interference
functions along with artificial neural networks, these of humans. This is similar to that of a human brain act
networks are well suited for imitating how humans which learns from the environment. In a human brain the
contemplate and learn. DL mainly consists of analyzing, DL uses the conceptualization of neural network, which
learning and improving on its own by inspecting computer duplicates the technique of training itself by learning. Deep
algorithms. Image classification, language translation, and Learning pivots to build such codes in computer that
speech recognition has been supported by deep neural utilizes the data and learn for it. This method of learning is
networks. Without human involvement, deep neural initiated with observation. In this case, the system searches
networks can resolve any pattern recognition problem. This for similar patterns of data and instructions to analyze in the
paper, focuses on the growth and confirmation of a deep available dataset and goes for better options in the future,
Learning algorithm for early-stage diabetic retinopathy
keeping the past experiences in to considerations, furnished
detection. Diabetic Retinopathy, a disorder that crops up in
during the training. The prime objective is to empower the
the human eye, if not treated at an early stage, may lead to
blindness by lesions on the retina. Hence, ResNet 50 a deep
systems with the automated learning capabilities with no
learning technique is presented to automate the recognition human interference.
of the diabetic retinopathy images by the classification of
II. LITERATURE SURVEY
retinal fundus images from kaggle database. Over 3662
images which are retinal fundus images are used for
training and validation. The accuracy achieved after first [1] Al-Antary has proposed method in this paper has
epoch is 90.74% and after final epoch 91.60%. been evaluated on the EyePACS and
APTOS datasets. In the proposed algorithm the input retinal
Keywords- Diabetic retinopathy (DR), Deep Neural fundus images were pre-processed to normalize them and
Networks (DNN), Deep learning (DL), Artificial Neural reduce the illumination. Here the images are resized to
Network (ANN) 512×512 and later cropped at the center to 320 × 320 pixels
so that the retinal circle at the center of the image is located.
I. INTRODUCTION Later these images are given to the MSA-Net to compute
the severity level of DR. The consecutive residual blocks
Today around the world there are around four hundred were used to extract the image features. Sever DR can
and twenty million people who are suffering from diabetes. deform the structure of the retina which will causes it a
Diabetes may affect the lungs, eyes, kidney, stomach, etc. damage. Thus, to classify these damages deep CNN model
Diabetic Retinopathy is a severe eye disorder which may was used. The accuracy of the APTOS data set was 82%
cause blindness if not treated at an early stage. It damages and that of EyePACS was 77%.
the blood vessels all over the retina which can cause
[2] S N Firke in this paper the author has used the
glaucoma by increasing eye pressure. Huge number of
database acquired from the Blindness Identification 2019
retinal fundus photographs get generated every year as
Asia Pacific Tele Ophthalmology Society (APTOS 2019
diabetes patients around the world are shooting up. This
BD). After pre-processing the data through various steps
may over burden the ophthalmologists resulting in delay of
like resizing, rescaling, and label encoding, the images here
diagnosis and eventually delay in the treatment extended to
are resized to 64*64. About 80% of the data is used for
the patient. This paper tries to automate the classification of
training and 20% for testing purpose. The CNN architecture
the disease in to normal and DR category using deep
was used for image classification. To keep check on
learning technique. Further this automated system classifies
classification and misclassifications, the confusion matrix
DR category into one of the four stages such as
was used. 94% accuracy was achieved on training set for
Microaneurysms, Haemorrhages, Soft Exudates also known
about 30 epochs, and remains constant at around 96% after
as Cotton Wool Spots and Hard Exudates. The proposed
that.
model is trained and validated on 3662 images with 0.9160

978-1-6654-9263-8/22/$31.00 ©2022 IEEE 122

Authorized licensed use limited to: Institut Teknologi Bandung. Downloaded on February 01,2024 at 04:21:04 UTC from IEEE Xplore. Restrictions apply.
2022 5th International Conference on Advances in Science and Technology (ICAST)

[3] M Kolla in this paper the author carried out research (Shenzhen, Guangdong, China). Two different testing sets
on classifying DR by using Kaggle dataset which consisted were used to assess the proposed approach, the study
of 8000 fundus images. The efficiency of their BCNN conducted graded the comparison between the performance
model was compared with the five competitive models, of of the suggested algorithm and the general diagnosis done
which one was Inception V3. The comparison of BCNN by the ophthalmologists. The accuracy of 97% was
model was done with other models such as AlexNet, VGG- achieved for validation set, 74% for Test1, and 71.87% for
16, Inception V3, Resnet 50, and DenseNet, where the Test2.
accuracy of DenseNet model was 93.45% which was the
highest and the lowest was Alexnet with an accuracy of [8] Islam, obtained dataset from largest publicly
68.34%. available Kaggle diabetic retinopathy dataset, with 88,702
retinal fundus images for his research. In this work a novel
[4] Y S Boral in this paper the author collected the CNN-based deep neural network is proposed to diagnose
dataset from Kaggle, 35,015 retinal images of different the early-stage of diabetic retinopathy. The overfitting of
sizes and formats were used. Pre-processing of images was the training data is avoided by data augmentation. Even
done for cleaning the data, instance selection, augmentation, cannot avoid overfitting on oversampled
normalization, its transformation, feature extraction and classes. So, CNN network with a 4 x 4 kernel having
selection. The extraction feature technique was used to several pre- processing and augmentation methods is
combine the variables. The 4 layered network with the first proposed for the improvement in the performance. 98%
as input layer, convoluted layer thereafter, followed by sensitivity and around 94% specificity is achieved in the
average pooling and soft max layer, which is also attached early-stage detection.
to the output layer. The back propagation algorithm is used
to train output layer. Multiclass SVM was used for the [9] K C. Pathak here carries out a survey of different
classification which main focus was the accuracy, by which techniques that automates diagnosis and classification of
the dataset can be classified using the training images. The Diabetic retinopathy. Different methods such as SVM,
accuracy of the SVM classifier was 98.885%. DCNN, CNN, NB, ANN and thresholding-based
techniques are analyzed. The author aims to spot the
method which will not only detect but also classify the
[5] S Rajkumar here used the Kaggle dataset consisting disease with great efficiency. Different datasets are used in
of 35.000 images. They downloaded the data on the system this work, like Kaggle, Lotus Eye Care Hospital,
and cropped the images to reduce the black space. Later Coimbatore, IPN and Messidor. The summarization of this
image thresholding was used to separate the RGB work includes that, DCNN is much effective in terms of
component threshold for each of the image. Transfer accuracy as compared with all other techniques and it gives
learning using the ResNet was used for reducing the the accuracy of 96.5%.
runtime for getting better performance. The ImageNet
dataset was used to train the architecture of ResNet50. Over [10] Torre proposed a diabetic retinopathy deep
97% specificity, 89.4% accuracy and 57% sensitivity were learning interpretable classifier technique to find the
achieved. [6] Al Youbi, in this paper the Dataset solution to classify DR image and determine the severity of
was obtained from Asia Pacific Tele-Ophthalmology DR. The technique could be used to predict class and
Society (APTOS) 2019 Kaggle. Image quality was allocate the pixel values. The allocated value could be used
improved by pre-processing the retinal images which were to offer a concluding classification. In proposed model it
having low quality network performance. The image pre- achieves the sensitivity over 90%.
processing includes enhancing, noise removing, cropping, [11] Vishakha Chandore have developed a method to
color normalization and data augmentation. Furthermore, it automatically diagnose the DR using deep CNN. An
demonstrated the two proposed methods for classification immense database of over 35000 images were utilized.
of DR stages. The first method is named as the image-based Here, images that are resized into dimensions of 448x448
method; where in the entire image is taken as an input to are also applied with various data augmentation paces.
CNN. Finally, the author achieved 81% precision for class 0 and
The layers involved in CNN architecture are pooling 88% for class1.
layers, fully connected layers (FC) and classification layers. [12] Dinial Mariah has proposed a method for
The convolution layer extracts the features of the images, classification using SVM and CNN. They used a database
whereas the pooling layer cause to decrease the dimensions from Messidor. Transfer learning was used to extract
of the feature maps. The whole input image is illustrated by various features. The accuracy of 95.83% was obtained.
the FC layers. [13] S Gayatri suggested a work in 2020 which was
The Batch Normalization increase the training speed based on Haralick and Anisotropic Dual tree complex
and regularizes the CNN. The other method used is the transform. In this method multiple classifiers were tested
Lesion localization method, that purely detects the lesions and achieve an overall accuracy of 99.7. At that time the
and classifies the images into the five DR stages. Finally, most accurate results were given by random forest
both of the proposed models were combined together and
classification of DR images and location of the lesions in it III. PROPOSED METHOD
was achieved. The accuracy here achieved was of 89% and
89% of sensitivity. Proposed method follows various steps loke database
selection, pre- processing, wherein further more steps are
[7] J. Wang has proposed a multi-task deep learning operated before finally operating the ResNet model.
algorithm to simultaneously diagnose the severity of the
DR along with its features. In this study 89,917 digital Dataset: Kaggle (APTOS 2019 Blindness detection).
fundus images were used from Shenzhen SiBright Co. Ltd. APTOS has built an extensive collection of retinal fundus

123

Authorized licensed use limited to: Institut Teknologi Bandung. Downloaded on February 01,2024 at 04:21:04 UTC from IEEE Xplore. Restrictions apply.
2022 5th International Conference on Advances in Science and Technology (ICAST)

images picked under a broad range of visual conditions. It is much admired technique in Deep Learning as a
The data was composite and apprehensive and is split into 5 small amount of data is required by it to train deep neural
classes from class 0 to class 4 and they are labelled- No networks. ResNet allows the training of extremely deep
DR, Mild DR, Moderate DR, Severe NPDR and PDR. neural network.
Pre-processing: As the dataset holds various image data, The deep neural network with more layers leads to
the different steps of pre-processed such as grey scale gradient loss but the skip connection technique in ResNet
conversion, gaussian filter, cropping and circle cropping solves the problem of vanishing gradients. The reason to
were carried out. use ResNet50 over other ResNet versions is that their run
time is more than ResNet50
A. Grey Scale Conversion: The RGB image is
converted to grayscale by subtracting r from g with b Both the convolution block and identity block have 3
and splitting the resulting RGB output. convolution layers each. Even the residual block is 3
layered with 1*1 and 3*3 convolutions. In traditional
neural networks, every layer feeds into the immidiate next
layer, whereas the concept is quite simple in residual
block, here each layer feeds into the the layers 2–3 hops
away, known as identity connections.
Let’s discuss the block diagram in detail:
As we know the one need to define some number of
filters to the convolutional layers. The dimensions of these
filters are also defined. When these filters convolve the
Fig. 1. Grey Scale Conversion output
given input image to give the output image the dimensions
of the output images are reduced. Zero padding is a
B. Gaussian Filter: Generally, Gaussian blurs technique that helps prevent the reduction in the
occur due to a smoothing effect introduced by a dimensions of the output images. Here border of pixels all
Gaussian function. It decreases image noise and with zero values is added to the input image.
enhances image quality. Conv2D defines the number of filters that convolutional
layer learns from.
Batch Norm layers are those network layers which are
inserted between the hidden layers.it takes the output from
one layer normalize it and give it to another layer. It’s used
before relu because in large learning rate the weights could
be largely updated batch norm normalizes it.
maxPooling2D is the class of PyTorch. It is used in
neural networks to pool over specific inputs data.
ResBlock is built from normal network layers and is
connected with Relu and a pass-through below those which
Fig.2: Gaussian filter output feeds through the information from preceding layers
unchanged.
C. Cropping and Circle Cropping: Cropping will
remove unwanted portions of the image and circle Average pooling is a down sampling of the input along
its spatial dimensions, by taking the average value over an
cropping will give a circular shape to the fundus.
input window.
Flatten produces the lateral view by taking a
VARIANT, OBJECT, or ARRAY column.
Dense layer a simple layer of neurons that receives an
input from the layer of previous neurons.
Softmax assigns decimal probabilities to each class in a
multi-class problem. The advantage of using them together
is that it retrieves the outputs of the last layer that is before
activation out of such defined model.

Figure 3: Cropping and Circle Cropping output

Resnet 50 Model:
ResNet-50 (Residual Networks) computer vision
application such as object detection, segmentation of image
etc. are a backbone of deep neural network.

124

Authorized licensed use limited to: Institut Teknologi Bandung. Downloaded on February 01,2024 at 04:21:04 UTC from IEEE Xplore. Restrictions apply.
2022 5th International Conference on Advances in Science and Technology (ICAST)

Resnet 50 Model

Figure 5: Result graph showing increase in Accuracy with increase in number of


epochs

In early around 10 epochs the accuracy of train data is quite


high as compared to validation data. But between 10 to 20 epochs
accuracy of train data and validation data rises to around 90% and
remains almost constant thereafter.

V. CONCLUSION
The framework is assessed with numerous metrics and
considering the complication of the database the framework is
satisfactory.
Data augmentation can be further used to improve the accuracy
even more in association with retraining of the neural network
with latestretinal images.
The main aim is to recognize the technique which will not
only detect DR but also classify the disease with greater
efficiency. The future plane is to use one of these methods and
work on the huge database and try to acquire greater accuracy so
that the patients can fully rely on the system for correct diagnosis
and ophthalmologistscan completely rely on the system for lessen
their heavy workload. In the experiment carried out on the
proposed model, and compared with the performance of an
existing model it is observed that the proposed model yields
better results.

REFERENCE

[1] M. T. Al-Antary and Y. Arafa, "Multi-Scale Attention Network for


Diabetic Retinopathy Classification," in IEEE Access, vol. 9, pp.
54190-54200, 2021, doi: 10.1109/ACCESS.2021.3070685.
[2] S. N. Firke and R. B. Jain, "Convolutional Neural Network for
Diabetic Retinopathy Detection," 2021 International Conference on
Artificial Intelligence and Smart Systems (ICAIS), 2021, pp. 549-
553, doi: 10.1109/ICAIS50930.2021.9395796.
Figure 4: Flow chart of ResNet50 model [3] M. Kolla and V. T, "Efficient Classification of Diabetic Retinopathy
using Binary CNN," 2021 International Conference on
IV. RESULT Computational Intelligence and Knowledge Economy (ICCIKE),
2021, pp. 244-247, doi: 10.1109/ICCIKE51210.2021.9410719.
[4] Y. S. Boral and S. S. Thorat, "Classification of Diabetic Retinopathy
The accuracy score for early 10 epochs on training and based on Hybrid Neural Network," 2021 5th International
validation data was considerably very less. After that between 10 Conference on Computing Methodologies and Communication
to 20 epochs it raised markabley to 0.9074 for both training and (ICCMC), 2021, pp. 1354-1358, doi:
validation data. For the epochs 20 and above, 0.9160 accuracy 10.1109/ICCMC51019.2021.9418224.
was obtained. The accuracy graph is given below:

125

Authorized licensed use limited to: Institut Teknologi Bandung. Downloaded on February 01,2024 at 04:21:04 UTC from IEEE Xplore. Restrictions apply.
2022 5th International Conference on Advances in Science and Technology (ICAST)

[5] R. S. Rajkumar, T. Jagathishkumar, D. Ragul and A. G. Selvarani,


"Transfer Learning Approach for Diabetic Retinopathy Detection
using Residual Network," 2021 6th International Conference on
Inventive Computation Technologies (ICICT), 2021, pp. 1189-1193,
doi: 10.1109/ICICT50816.2021.9358468.
[6] Al Youbi, W.L.; Abulkhair, M.F.; Shalash, W.M. Diabetic
Retinopathy Fundus Image Classification and Lesions Localization
System Using Deep Learning. Sensors 2021, 21, 3704.
[7] J. Wang, Y. Bai and B. Xia, "Simultaneous Diagnosis of Severity
and Features of Diabetic Retinopathy in Fundus Photography Using
Deep Learning," in IEEE Journal of Biomedical and Health
Informatics, vol. 24, no. 12, pp. 3397-3407, Dec. 2020, doi:
10.1109/JBHI.2020.3012547.
[8] Islam, Sheikh Muhammad Saiful; Hasan, Md Mahedi; Abdullah,
Sohaib. “Deep Learning based Early Detection and Grading of
Diabetic Retinopathy Using Retinal Fundus Images”.12/26/2018,
Database: arXiv.
[9] K. C. Pathak, R. B. Shah, R. R. Tharakan, B. N. Patel and D. C.
Jariwala, "Diabetic Retinopathy Diagnosis and Categorization using
Deep Learning - A Review," 2021 5th International Conference on
Intelligent Computing and Control Systems (ICICCS), 2021, pp.
1063- 1069, doi: 10.1109/ICICCS51141.2021.9432312
[10] J. De La Torre, A. Valls and D. Puig, “A deep learning interpretable
classifier for diabetic Retinopathy”. Neurocomputing, volume 396,
5thJuly 2020, Elsevier
[11] Vishakha chandore “Automatic Detection of Diabetic Retinopathy using
deep Convolutional Neural Network”, International Journal of Advance
Research, Ideas and Innovations in Technology, ISSN: 2454-132X
Impact factor: 4.295 (Volume3, Issue4).
[12] Dinial Qomariah et al., “Classification of Diabetic Retinopathy and
Normal Retinal Images using CNN and SVM”. 1st July 2019,
Computer Science, 2019 12th International Conference on
Information & Communication Technology and System(ICTS).
[13] S. Gayathri, A. K. Krishna, V. P. Gopi, and P. Palanisamy.
“Automated binary and multiclass classification of diabetic
retinopathy using haralick and multiresolution features”. 2020,
Computer Science, IEEE Access, Digital Object Identifier
10.1109/ACCESS.2020.2979753.

126

Authorized licensed use limited to: Institut Teknologi Bandung. Downloaded on February 01,2024 at 04:21:04 UTC from IEEE Xplore. Restrictions apply.

You might also like