Final Report 2
Final Report 2
Report on
“AUTOMATIC DETECTION AND CLASSIFICATION OF
DIABETIC EYE DISORDERS”
Project Report submitted in partial fulfillment of the requirements for the award of
the degree of
BACHELOR OF ENGINEERING
IN
COMPUTER SCIENCE AND ENGINEERING
Submitted by
Deeksha B 1KG20CS024
Charishma C 1KG20CS019
Jyothsna B 1KG20CS014
Bhoomika T 1KG20CS012
CERTIFICATE
Certified that the Project Work Phase-II (18CSP83) entitled “Automatic detection and classification
of diabetic eye disorders” is a bonafide work carried
out by:
Deeksha B 1KG20CS024
Charishma C 1KG20CS019
Jyothsna B 1KG20CS014
Bhoomika T 1KG20CS012
in partial fulfillment for VIII semester B.E, Project Work in the branch of Computer Science and
Engineering prescribed by Visvesvaraya Technological University, Belagavi during the period of
February 2024 to May 2024. It is certified that all the corrections and suggestions indicated for
internal assessment have been incorporated. The Project Work Phase-II Report has been approved as it
satisfies the academic requirements in report of project work prescribed for the Bachelor of
Engineering degree.
We, the undersigned students of 8th semester, Computer Science & Engineering, KSSEM,
declare that our Project Work Phase-II entitled “Automatic detection and classification of
diabetic eye disorders”, is a bonafide work of ours. Our project is neither a copy nor by
means a modification of any other engineering project.
We also declare that this project was not entitled for submission to any other university in the
past and shall remain the only submission made and will not be submitted by us to any other
university in the future.
Place:
Date:
Deeksha B (1KG20CS024)
Charishma C (1KG20CS019)
Bhoomika T (1KG20CS012)
I
ACKNOWLEDGEMENT
The satisfaction and euphoria that accompany the successful completion of any task will be
incomplete without the mention of the individuals, we are greatly indebted to, who through
guidance and providing facilities have served as a beacon of light and crowned our efforts with
success.
We would like to express our gratitude to our MANAGEMENT, K.S. School of Engineering
and Management, Bengaluru, for providing a very good infrastructure and all the kindness
forwarded to us in carrying out this project work in college.
We would like to express our gratitude to Dr. K.V.A Balaji, CEO, K.S. School of Engineering
and Management, Bengaluru, for his valuable guidance.
We would like to express our gratitude to Dr. K. Rama Narasimha, Principal, K.S. School of
Engineering and Management, Bengaluru, for his valuable guidance.
We like to extend our gratitude to Dr. K Venkata Rao, Professor and Head, Department of
Computer Science & Engineering, for providing a very good facilities and all the support
forwarded to us in carrying out this Project Work Phase-II successfully.
We also like to thank our Project Coordinators, Mrs. Supriya Suresh Suchindra, Asst.
Professor, Mrs. Meena G, Asst. Professor, Department of Computer Science &
Engineering for their help and support provided to carry out the Project Work Phase-II
successfully.
Also, we are thankful to Mrs. Nita Meshram, Associate Professor for being our Project
Guide, under whose able guidance this project work has been carried out Project Work Phase-II
successfully.
We are also thankful to the teaching and non-teaching staff of Computer Science &
Engineering, KSSEM for helping us in completing the Project Work Phase-II work.
DEEKSHA B 1KG20CS024
CHARISHMA C 1KG20CS019
JYOTHSNA B 1KG20CS014
BHOOMIKA T 1KG20CS012
II
ABSTRACT
Eye disease detection using deep learning has emerged as a groundbreaking approach in the
field of medical diagnostics. This technology leverages advanced neural networks to analyze
various ocular conditions with remarkable accuracy and speed. By processing high- resolution
medical images of the eye, deep-learning models can identify and classify diseases such as
glaucoma, diabetic retinopathy, and macular degeneration. The utilization of convolutional
neural networks (CNNs) and recurrent neural networks (RNNs) in tandem with large
annotated datasets has significantly improved detection rates and reduced false positives.
Furthermore, the integration of real-time image analysis and telemedicine has expanded the
reach of eye disease diagnosis, enabling remote monitoring and timely intervention. However,
challenges remain, including the need for extensive and diverse datasets, the interpretability of
deep learning models, and regulatory compliance. Nevertheless, the promising results
achieved thus far underscore the potential of deep learning in revolutionizing eye disease
detection, ultimately enhancing patient outcomes and reducing the global burden of
preventable vision impairment. This paper explores the current state of the field, discusses
challenges and future directions, and highlights the transformative impact of deep learning in
the domain of eye disease diagnosis.
III
TABLE OF CONTENTS
DECLARATION I
ACKNOWLEDGEMENT II
ABSTRACT III
TABLE OF CONTENTS IV
1.1 OVERVIEW 1
1.4 DEFINITIONS 2
IV
2.7 A COMPREHENSIVE REVIEW OF TRANSFER LEARNING IN
MEDICAL IMAGING FOR EYE DISEASE DETECTION 6
6.3 METHODOLOGIES 12
V
Chapter 7 IMPLEMENTATION 16
Chapter 8 TESTING 29
Chapter 10 APPLICATIONS 34
REFERENCES 36
APPENDIX 1 37
APPENDIX 2 40
APPENDIX 3 46
VI
LIST OF FIGURES
VII
Automatic Detection and classification of Diabetic Eye Disorders 2023-2024
Chapter 1
INTRODUCTION
1.1 Overview
India life care systems have been focusing on artificial intelligence technologies for prompt
diagnosis. Health data must still be reported in a consistent format for machine learning to account
for various features and become more accurate and reliable. Patient condition was treated using a
range of ML approaches, using Decision Trees, Naive Bayes, and Neural Network algorithms,
depending on characteristics like age, medical history, and clinical observations. The suggested
system may identify and detect eye illnesses through source of data mining and retinal scan
techniques.
The purpose of this research is to use AI to check for various eye conditions. has given a summary
of the improvements made in the use of AI and DL technologies for the problem identification of eye
diseases, along with the challenges that DL implementation in screening programmes is now
encountering and the translation of DL research into useful clinical screening applications in a
community environment. A consequence of retinopathy known as diabetic macular edoema occurs
when fluid builds up in the macula, impairing central vision. Diabetes also raises the risk of
glaucoma, which harms the optic nerve, and cataracts, which cause the lens of the eye to cloud. It is
essential to get routine eye exams to find out and treat these conditions early on. Retaining a healthy
lifestyle and maintaining ideal blood pressure and blood glucose levels are high for the prevention
and treatment of diabetic eye disorders.
1.4 Definition
ML is a subfield of AI, which is broadly defined as the scope of a machine to imitate intelligent
human behavior. Uses data and algorithms to enable AI to imitate the way that human learn, gradually
improving its accuracy. There are many different uses for machine learning of algorithms.
The classifier enhances the predicting accuracy of datasets by utilizing multiple decision trees on
different subsets and averaging the results. An algorithm is a type of supervised learning method. In
ML, it can be used to both regression and classification issues.
A decision tree is of a structure that assembles a tree in which of the each internal node evaluates an
attribute, each branch denotes the value of an attribute, and each leaf node shows the conclusion or
prediction. Regression and the classification are two applications for decision trees, a non-parametric
supervised learning technique. The decision tree which is depicted with its root at the top and turned
upside down. In the figure on the left, each bolded word in black stands for an internal node or
condition that determines how the tree divides into branches and edges. The decision or leaf, which
in this case indicates whether the passenger survived or perished, is the end of the branch that doesn't
divide any more. It is shown as red and green letters, respectively
Data cleaning is a crucial step in the branch of machine learning pipeline, as it involves identifying
and removing any missing, duplicate, or irrelevant data. Raw data may contain numerous errors,
which can change the speed of ML models and leads to incorrect predictions and negative business
impact. Data cleaning will be used out in bulk using scripting or a data quality firewall, or
interactively using data wrangling tools.
Preparing raw data to do it appropriate for a ML model called as data preprocessing. One method
for transforming the raw data into a clean data set is called as the "data preprocessing." To put it
another way, when data is acquired in raw format from multiple sources, it is impractical for
analysis. need to lower the complexity of machine learning algorithms
1.4.6 Python
LITERATURE SURVEY
2.3 Title: “Multi disease detection in retinal images using Deep neural network”
Even if the medical progress in the last 30 years made it possible to successfully treat the majority
of diseases causing visual impairment, growing and aging populations lead to an increasing challenge
in retinal disease diagnosis. The World Health Organization (WHO) estimates the prevalence of
blindness and visual impairment to 2.2 billion people worldwide, of whom at least 1 billion affections
could have been prevented or is yet to be addressed. Early detection and correct diagnosis are
essential to forestall disease course and prevent blindness. The requirement of clinical decision
support (CDS) systems for detection has been improved over the past decade. Recently, modern deep
learning models allow automated and reliable classification of medical images with remarkable
accuracy comparable to physicians. Nevertheless, these models often lack capabilities to detect rare
pathologies such as central retinal artery occlusion or anterior ischemic optic neuropathy.
2.5 Title: “Adversarial Training for Robust Multi-Disease Eye Disease Detection”
Retinal defects affect millions of people globally. Many people could be prevented from
becoming blind by receiving early detection and treatment of these anomalies, which could stop
future advancement. The process of manually detecting diseases is laborious, time-consuming, and
not repeatable. Building on the achievements of applying vision transformers (ViTs) and deep
convolutional neural networks (DCNNs) for computer-aided diagnosis (CAD), attempts have been
made to automate the detection of eye diseases. These models have done a good job, but because
retinal lesions are complicated, there are still issues.
In a 2018 paper titled "A Comprehensive Review of Transfer Learning in Medical Imaging for
Eye Disease Detection," authors A. Johnson and B. Smith explore the application of transfer learning
techniques to medical imaging, particularly in the situation of eye disease detection. Their work
investigates various approaches to leveraging pre-trained models and analyzes the challenges and
chances grouped with this approach in the specific domain of eye disease.
2.8 Title: “Novel Strategies in Deep Transfer Learning for Public Health Systems
In a 2021 study titled "Novel Strategies in Deep Transfer Learning for Public Health Systems,"
O. Rodriguez and Q. Lee propose new methods for applying deep transfer learning in public health
systems of developing countries. Their research focuses on the feasibility and potential benefits of
these strategies for improving access to eye disease diagnosis in such settings.
2.9 Title: “Evaluation Metrics in Transfer Learning for Eye Disease Detection
In a 2021 study, researchers conducted a comparative analysis of various evaluation metrics
used to improve the chances of transfer training models for eye disease detection. The study
particularly focused on the importance of precision, recall, and F1-score in understanding these
models' effectiveness.
A 2018 study examined the landscape of low-cost fundus imaging equipment. This research
explored the possibility of utilizing these affordable devices to capture pictures for scanning deep
learning models in eye disease detection. The focus here is on resource-limited settings, where access
to expensive equipment might be a challenge.
PROBLEM IDENTIFICATION
Identifying multiple eye problem, including diabetic retinopathy, glaucoma, and cataracts, poses
a significant healthcare challenge because of difficulties of their diagnostic processes. Traditional
methods often lack efficiency and accuracy, leading to delayed interventions and compromised
patient outcomes. Integrating deep learning techniques presents a promising solution, yet the
seamless integration of diverse datasets, nuanced disease features, and real- time analysis remains a
formidable problem. Identifying these situations is difficult for enhancing early detection and
personalized treatment strategies, ultimately improving the overall management of multiple eye
diseases.
The project scope is to develop a robust DL system for detection and segregation of multiple
eye diseases, specifically targeting diabetic retinopathy, glaucoma, and cataract. Leveraging
advanced neural network architectures and image processing techniques, the system aims to analyze
medical retinal images and accurately identify problem associated with each condition. The primary
objective is to provide a comprehensive and useful devices for first stage and monitoring of these
prevalent eye diseases, ultimately contributing to improved patient outcomes and reducing the burden
on healthcare systems.
The specification is a programming function library with a primary focus on real-time computer
vision. Initially created by Intel, Itseez (which Intel later purchased) and Willow Garage provided
support for it. The open-source BSD license allows for the cross-platform usage of the library at no
cost. TensorFlow, Torch/PyTorch, and Cafe are DL approaches which are supported by OpenCV. It
supports Windows, Linux, Android, and Mac OS and includes interfaces in C++, Python, Java, and
MATLAB. With a preference for real-time vision applications, OpenCV uses MMX and SSE
instructions when they are available. Currently, there is considerable development underway to create
fully functional CUDA and OpenCL interfaces. More than 500 algorithms exist, and around ten times
as many functions either support or comprise those algorithms. C++ is the native language of
OpenCV.
Software Requirements
Python
Keras
Tensorflow
Numpy
Pandas
Matplotlib
OpenCV
Hardware requirements analysis for a software system addressing diabetic eye disorders
involves determining the necessary hardware components and specifications to support the software's
functionality. The specific hardware requirements for a software system addressing diabetic eye
disorders can differ based on the exact nature of the application and its intended use.
Hardware Requirements
METHODOLOGY
The image depicts a system for detecting diabetic eye disorders. It utilizes a database to store
images and a Diabetic eye disorder detection model to analyze them for eye disorders of diabetic. A
user can input a new image, which is then compared against the database by the system. The
system outputs a result indicating the detection of diabetic eye disorders in the new image.
6.3 Methodologies
dataflow outline is a tool for referencing to the knowledge evolution from one module to the
next. This graph displays the information and yield for each module. There are no circles on the
map and no power flow.
Finding Diabetic eye problem from fundus images involves a pre-processing stage to prepare the
images for analysis. Pictures are first edited to remove unwanted area areas like eyelashes. Then,
they are all resized to a standard dimension for consistency. Finally, normalization evens out
variations in brightness and contrast across images. These pre-processed pictures are then fed into
DL algorithms for feature extraction and diabetic retinopathy detection. If the initial detection results
aren't good enough, the pre-processing steps can be adjusted and re-run to improve image quality and
detection accuracy. This loop ensures the best possible image preparation for reliable disease
detection.
Diabetic retinopathy detection is an automated process that analyzes retinal images. First, the images
are preprocessed to remove irrelevant areas and standardize their size. Then, DL algorithms extract
important areas from the images. These features are like clues that can indicate the presence of
diabetic retinopathy. Finally, the system uses the extracted
features to segregate the images and determine the difficulties of diabetic retinopathy, if any. If the
initial detection results aren't accurate, the system can be adjusted and the images reprocessed to
improve performance.
The process of detecting diabetic eye disorders from fundus pictures involves several steps. First,
raw pictures are checked to remove irrelevant areas and ensure consistent sizing. Then, deep learning
algorithms come into play to analyze the preprocessed images. These algorithms act like expert image
analysts, searching for specific features such as blood vessel patterns or hemorrhages that are known
indicators of diabetic retinopathy. By extracting these features, the system essentially learns to
differentiate between healthy retinas and those with different severities of the disease. Finally, the
system analyzes the extracted features and assigns a classification to each image, indicating the level
of diabetic retinopathy detected. This could range from no signs of disease to severe diabetic
retinopathy. If the initial analysis doesn't produce satisfactory results, the entire system can be fine-
tuned. This includes adjusting the deep learning algorithms or refining the pre-processing steps. This
feedback loop is essential for ensuring the system continuously improves its ability to accurately
detect diabetic retinopathy.
The idea of detecting diabetic eye disorders from fundus pictures involves several steps. First, raw
pictures are checked to remove irrelevant areas like eyelashes and standardize their size. This ensures
consistency when the computer program extracts feature later on. Then, deep learning algorithms
come into play to analyze the preprocessed images. These algorithms act like expert image analysts,
searching for specific features such as blood vessel patterns or hemorrhages that are known indicators
of diabetic retinopathy. By extracting these features, the system essentially learns to differentiate
between healthy retinas and those with different severities of the disease. Finally, the system analyzes
the acquired images and assigns a segregation to each image, indicating the level of diabetic
retinopathy detected. This could range from no signs of disease to severe diabetic retinopathy. If the
initial analysis doesn't produce satisfactory results, the entire system can be fine-tuned. This includes
adjusting the deep learning algorithms or refining the pre-processing steps. This feedback loop is
essential for ensuring the system continuously improves its ability to accurately detect diabetic
retinopathy.
IMPLEMENTATION
Implementation is the plan of changing a new system design into an operational one. It is the
key stage in achieving a successful new system. It must therefore be carefully planned and controlled.
The plan of a model is done after the development effort is completed
Computer programs nowadays are possible to consider. Console-based I/O is not the only
possibilities that developers can use. Their animation system is more ergonomic because of their
sophisticated graphics hardware and fast processors. With help of radio buttons, dropdown options,
GUI elements, these apps allow the user to select options and accept inputs in the form of mouse
clicks.
Flask Programming:
The default Python GUI library is called Flask. Python and Flask work together to offer a quick and
simple GUI application development process. The Tk GUI toolkit has a strong object-oriented
interface thanks to Flask. Flask provides a number of advantages. Because it is cross-platform, Linux,
macOS, and Windows can all use the same code. Applications created using Flask have a native
appearance on the platform they operate on because visual elements are produced using native
operating system components.
import cv2
import numpy as np import os
from random import shuffle from tqdm import tqdm
#from tensorflow.python.framework import ops
TRAIN_DIR = 'train'
TEST_DIR = 'test'
IMG_SIZE = 50
LR = 1e-3
MODEL_NAME = 'Eyedisease-{}-{}.model'.format(LR, '2conv-basic')
def label_img(img):
word_label = img[0]
print(word_label)
if word_label == 'a':
print('cataract')
return [1,0,0,0,0,0,0,0]
shuffle(testing_data)
np.save('test_data.npy', testing_data)
return testing_data
train_data = create_train_data()
if os.path.exists('{}.meta'.format(MODEL_NAME)):
model.load(MODEL_NAME)
print('model loaded!')
train = train_data[:-1]
test = train_data[-96:]
model.save(MODEL_NAME)
7.2 FLASK
connection = sqlite3.connect('user_data.db')
cursor = connection.cursor()
command = """CREATE TABLE IF NOT EXISTS user(name TEXT, password TEXT, mobile
TEXT, email TEXT)"""
cursor.execute(command)
@app.route('/')
def index():
return render_template('index.html')
def userlog():
if request.method == 'POST':
request.form['password']
query = "SELECT name, password FROM user WHERE name = '"+name+"' AND password=
'"+password+"'"
cursor.execute(query)
result = cursor.fetchall()
if len(result) == 0:
else:
return render_template('userlog.html')
return render_template('index.html')
def userreg():
if request.method == 'POST':
= connection.cursor()
request.form['password'] mobile =
request.form['phone'] email =
request.form['email']
if request.method == 'POST':
dirPath = "static/images"
fileList = os.listdir(dirPath)
for fileName in fileList:
shutil.copy("test/"+fileName, dst)
image = cv2.imread("test/"+fileName)
#color conversion
gray_image = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)
cv2.imwrite('static/gray.jpg', gray_image)
#apply the Canny edge detection
edges = cv2.Canny(image, 100, 200)
cv2.imwrite('static/edges.jpg', edges)
#apply thresholding to segment the image
retval2,threshold2 = cv2.threshold(gray_image,128,255,cv2.THRESH_BINARY)
cv2.imwrite('static/threshold.jpg', threshold2)
# create the sharpening kernel
kernel_sharpening = np.array([[-1,-1,-1],
[-1, 9,-1],
[-1,-1,-1]])
verify_dir = 'static/images'
IMG_SIZE = 50
LR = 1e-3
MODEL_NAME = 'Eyedisease-{}-{}.model'.format(LR, '2conv-basic')
## MODEL_NAME='keras_model.h5'
verify_data = process_verify_data()
#verify_data = np.load('verify_data.npy')
tf.compat.v1.reset_default_graph()
#tf.reset_default_graph()
if os.path.exists('{}.meta'.format(MODEL_NAME)):
model.load(MODEL_NAME)
print('model loaded!')
fig = plt.figure()
str_label=" "
accuracy=""
rem=""
rem1=""
for num, data in enumerate(verify_data):
img_num = data[1]
img_data = data[0]
y = fig.add_subplot(3, 4, num + 1)
orig = img_data
data = img_data.reshape(IMG_SIZE, IMG_SIZE, 3)
# model_out = model.predict([data])[0]
model_out = model.predict([data])[0]
print(model_out)
print('model {}'.format(np.argmax(model_out)))
if np.argmax(model_out) == 0:
str_label = "cataract"
elif np.argmax(model_out) == 1:
str_label = "glaucoma"
print("The predicted image of the glaucoma is with a accuracy of {}
%".format(model_out[1]*100))
accuracy="The predicted image of the glaucoma is with a accuracy of
{}%".format(model_out[1]*100)
rem = "The remedies for glaucoma are:\n\n "
rem1 = [" Medications",
"Laser Therapy",
"Surgery",
"Lifestyle Changes"]
elif np.argmax(model_out) == 2:
str_label = "Mild"
print("The predicted image of the Mild is with a accuracy of {}
%".format(model_out[2]*100))
accuracy="The predicted image of the Mild is with a accuracy of
{}%".format(model_out[2]*100)
rem = "The remedies for Mild are:\n\n "
rem1 = [" Control Blood Sugar Levels",
"Blood Pressure and Cholesterol Control",
"Healthy Lifestyle Choices"]
elif np.argmax(model_out) == 3:
elif np.argmax(model_out) == 4:
str_label = "normal"
print("The predicted image of the normal is with a accuracy of {} %".format(model_out[4]*100))
accuracy="The predicted image of the normal is with a accuracy of
{}%".format(model_out[4]*100)
elif np.argmax(model_out) == 5:
str_label = "Proliferate_DR"
print("The predicted image of the normal is with a accuracy of {} %".format(model_out[5]*100))
accuracy="The predicted image of the normal is with a accuracy of
{}%".format(model_out[5]*100)
rem = "The remedies for Proliferate_DR are:\n\n "
rem1 = [" Laser Treatment (Photocoagulation)",
"Intravitreal Injections",
"Vitrectomy Surgery",
"Control of Diabetes and Blood Pressure"]
elif np.argmax(model_out) == 6:
str_label = "daibetic"
print("The predicted image of the Moderate is with a accuracy of {}
%".format(model_out[6]*100))
accuracy="The predicted image of the Moderate is with a accuracy of
{}%".format(model_out[6]*100)
rem = "The remedies for daibetic are:\n\n "
rem1 = [" Regular Eye Exams",
elif np.argmax(model_out) == 7:
str_label = "Severe"
print("The predicted image of the Moderate is with a accuracy of {}
%".format(model_out[7]*100))
accuracy="The predicted image of the Moderate is with a accuracy of
{}%".format(model_out[7]*100)
rem = "The remedies for Severe are:\n\n "
rem1 = [" Medication",
"Lifestyle modifications",
"Vision aids and rehabilitation."]
return render_template('userlog.html',
status=str_label,accuracy=accuracy,remedie=rem,remedie1=rem1,ImageDisplay="http://127.0.0.1:5
000/static/images/"+fileName,ImageDisplay1="http://127.0.0.1:5000/static/gray.jpg",ImageDisplay
2="http://127.0.0.1:5000/static/edges.jpg",ImageDisplay3="http://127.0.0.1:5000/static/threshold.jp
g",ImageDisplay4="http://127.0.0.1:5000/static/sharpened.jpg")
return render_template('index.html')
@app.route('/logout')
def logout():
return render_template('index.html')
TESTING
Testing is the plan of a model or one or more of its components to determine whether or not it
complies with the requirements as stated. Testing is the plan of running a model to find any flaws,
gaps, or criteria that are not met in comparison to the real requirements.
Before applying methods to design effective test cases, a software engineer must understand the
basic principle that guides software testing. All the tests should be traceable to customer
requirements.
Functional Testing:
One particular testing is predicated on the wants of the software that has to be examined. After input
is provided to test the application, the solutions are reviewed to ensure they meet the functional
requirements of the program. A comprehensive, integrated system is subjected to functional testing
of software to determine whether the debugger with its stated requirements. When assessing the
functioning of an application, there are five processes required.
Non-functional Testing
The testing of an application using its non-functional features is the foundation of this section.
Testing software based on non-functional but crucial requirements—like performance, security, user
interface, etc.—is known as non-functional testing. There are various SDLC stages at which testing
can be done.
Unit testing is a software development process that examines each unit—the smallest tested
component of an application—independently and separately to make sure it operates as intended.
Although it may be done manually as well, automated unit testing is more common. Unit testing aims
to dissect each program component and demonstrate that each one satisfies its own requirements and
functions as intended.
APPLICATIONS
• Early Diagnosis: Diabetic retinopathy detection helps diagnose the condition in its first phase,
allowing for timely intervention and treatment.
• Monitoring Progression: Regular screening helps track the progression of diabetic retinopathy
over time, enabling healthcare providers to adjust treatment plans as needed.
• Preventing Vision Loss: Early detection and treatment can prevent or slow down the progression
of diabetic retinopathy, reducing the difficulties of severe vision loss or blindness.
• Treatment Planning: Identifying the stage and severity of diabetic retinopathy helps
ophthalmologists and healthcare providers plan appropriate treatments, such as laser therapy,
anti- VEGF injections, or surgery.
• Referral for Specialized Care: If diabetic retinopathy is detected, patients can be referred to
ophthalmologists or retinal specialists for further evaluation and treatment.
• Telemedicine and Remote Monitoring: Advances in telemedicine and digital retinal imaging
allow for remote diabetic retinopathy screening, making it more accessible to individuals,
especially in underserved or remote areas.
• Research and Public Health: Data collected from diabetic retinopathy screenings can be used
for research purposes, helping to better understand the condition's epidemiology, risk factors, and
outcomes. This Details can tell medical strategies and policies.
• Cost Savings: Early detection and intervention can lead to cost savings in the long run by slowing
the need for expensive treatments and rehabilitation features related with improved stages of
diabetic retinopathy.
In conclusion, the utilization of deep learning for multiple eye disease detection marks a
significant leap forward in the realm of ophthalmic diagnostics. The robust capabilities of deep
learning models showcased promising accuracy in identifying diverse eye conditions. This approach
not only streamlines the diagnostic process but also offers a comprehensive and efficient means to
address the complex challenge of simultaneously detecting various eye diseases. The potential for
early detection facilitated by deep learning holds the promise of timely intervention and improved
patient outcomes. As technology continues to advance, integrating deep learning into ophthalmic
practices stands as a transformative step towards enhancing eye health on a broader scale. This
innovative approach underscores the power of artificial intelligence in revolutionizing eye care and
mitigating the impact of multiple eye diseases.
We are thrilled to contribute to society by leveraging deep learning for the early detection and
maintenance of multiple eye disorders, such as DR, glaucoma, and cataracts. Through innovative
algorithms and image analysis, this technology aims to provide timely interventions, reducing the
risk of vision impairment. By harnessing the power of artificial intelligence, we aspire to make eye
care more accessible, efficient, and ultimately improve the quality of life for individuals affected by
these conditions.
REFERENCES
[1] S. Jan, I. Ahmad, S. Karim, Z. Hussain, M. Rehman, and M. Ali Shah, “Status of diabetic
retinopathy and its presentation patterns in diabetics at ophthalmology clinics,” Journal of
Postgraduate Medical Institute (Peshawar-Pakistan), vol. 32, no. 1, 2018.
[2] J. Amin, M. Sharif, M. Yasmin, H. Ali, and S. L. Fernandes, “A method for the detection and
classification of diabetic retinopathy using structural predictors of bright lesions,” Journal of
Computational Science, vol. 19, pp. 153–164, 2017.
[3] M. D. Abràmoff, P. T. Lavin, M. Birch, N. Shah, and J. C. Folk, “Pivotal trial of an autonomous
ai-based diagnostic system for detection of diabetic retinopathy in primary care offices,” Npj Digital
Medicine, vol. 1, no. 1, p. 39, 2018.
[4] Gu, K., Zhai, G., Yang, X., et al.: “A new reduced-reference image quality assessment using
structural degradation model”. IEEE Int. Symp. on Circuitsand Systems (ISCAS), Beijing, China,
2013, pp. 1095–1098
[5] Linquan Lyu; Imad Eddine Toubal; K. Palaniappan, “Multi-Expert Deep Networks for Multi-
Disease Detection in Retinal Fundus Images”, 2022.
[6] Valentina Bellemo1, Philippe Burlina, Liu Yong, Tien Yin Wong, and Daniel Shu Wei Ting
“Generative Adversarial Networks (GANs) for Retinal Fundus Image Synthesis,” 2019.
[7] W. R. Memon, B. Lal, and A. A. Sahto, “Diabetic retinopathy,” The Professional Medical Journal,
vol. 24, no. 02, pp. 234–238, 2017.
[8] Juan Carrillo, Lola Bautista, Jorge Villamizar, Juan Rueda, Mary Sanchez and Daniela Rueda,
“Glaucoma Detection Using Fundus Images of The Eye,” 2019.
[9] Ayesha Kazi, Prerna Sukhija, Miloy Ajmera, Kailas Devadkar, “Processing Retinal Images to
Discover Diseases,” 2018.
[10] Balla Goutam, Mohammad Farukh Hashmi, (Senior Member, Ieee), Zong Woo Geem, (Senior
Member, Ieee), and Neeraj Dhanraj Bokde, “A Comprehensive Review of Deep Learning Strategies
in Retinal Disease Diagnosis Using Fundus Images,” 2022
APPENDIX - 1
PLAGIARISM REPORT
APPENDIX – 2
CERTIFICATES OF PAPER PRESENTED
APPENDIX – 3
JOURNAL PAPER
Abstract : Diabetic eye disorders is a common complication of diabetes and a leading cause of blindness worldwide. Early
identification and segregation of diabetic eye problems are difficult for effective treatment. This paper presents a novel
approach for the automatic detection and classification of diabetic eye disorders using fundus pictures. The particular type
employs a dl framework, specifically image processing, to automatically detect the presence of diabetic retinopathy and
classify its types. The CNN model is checked on more dataset of annotated fundus images to learn the features indicative of
various stages of diabetic eye disorders. Experimental results on a freely available dataset demonstrate the effectiveness of
the proposed approach, achieving high accuracy in detecting and classifying diabetic retinopathy. The proposed method
shows promise for use in clinical settings, providing a cost-effective and efficient solution for early diagnosis and
management of diabetic eye disorders. Diabetic eye diseases, particularly diabetic retinopathy, pose a significant global
health challenge, necessitating early detection and intervention to mitigate vision loss. This study introduces an advanced
framework that leverages (ML) and (DL) techniques for the automated detection of diabetic eye diseases from retinal
images. The methodology begins with preprocessing steps to enhance images and extract key features crucial for disease
identification. A hybrid model is then trained using a diverse dataset of annotated retinal images, integrating neural network
systems and ML algorithms. This model excels in identifying subtle patterns indicative of diabetic eye diseases.
Furthermore, a classification module combines DL-based feature extraction and ML-based classifiers to categorize
identified abnormalities into distinct stages of diabetic eye issues and other associated conditions. The system's architecture
enables precise disease staging and severity assessment.
IndexTerms - Disease Detection, screening, clinical analysis, fundus pictures and prediction, Accuracy, Efficiency.
________________________________________________________________________________________________________
I. INTRODUCTION
The Eyes are essential part of human life, each and every person rely on the eyes to see and sense the world around them. One of
the most vital senses is sight because it explains 80% of all information, we take in. By taking proper care of eyes, we will lower
the chances of becoming blind and losing vision, while also keeping an eye-conditions like diabetic eye syndrome, glaucoma and
cataracts. Most people experience eye issues at some point of time. Few of the eye issues are minor and simple to cure at home
which will go away on their own, other major eye issues need assistance from the expert doctors. When these eye diseases are
accurately diagnosed at an early stage, only then the progression of these eye diseases can be stopped. These eye diseases have a
huge value of visually discernible symptoms. To accurately diagnose eye illnesses, it is helpful to check a huge type of symptoms.
In this paper, our trained system analyses and classifies eye diseases namely diabetic eye syndrome, glaucoma and cataracts. For
quick diagnosis, science field have been focusing on artificial intelligence solutions. To improve the accuracy of machine learning
And dependable by considering different features, health data must still be recorded in a consistent format. A variety various
machine learning methods, including algorithms for neural networks, were utilised to analyze patient data depended on a variety of
variables, such as age, medical history, and clinical observations. With the use of image detection and data mining techniques, the
suggested system can detect and find eye issues. This project is focused on applying AI to screen for different eye diseases. It has
provided an overview of the development and progress of using AI and DL technology for eye disease screening, also the difficulties
currently facing DL implementation in computer testing programs and the conversion of DL research into practical clinical
screening applications in a community setting. It has come to the conclusion that using AI and DL technology, human intelligence
can be supplemented to enhance decision-making and operational procedures. Nearly the perfect task for AI in healthcare is
screening for DR. With the hope of increasing the effectiveness and accessibility of screening programs and so preventing sight
loss and blindness from this deadly disease, AI will inevitably become pervasive and vital for screening in the upcoming days.
Vision can be affected by a variety of eye conditions, such as corneal ulcers, cataracts, and trachoma. Progression of these ocular
conditions can only be halted by early and accurate diagnosis. These ocular diseases present with a variety of clearly visible
symptoms. Analyzing a wide range of symptoms is necessary in order to make an accurate diagnosis of eye illnesses. To distinguish
between various conditions such as diabetic retinopathy, cataract, and glaucoma, as well as high-resolution retinal pictures obtained
in a range of imaging conditions, a deep neural network model is employed. When it comes to Deep Learning-based screening for
Eye Disease Identification, it might lead patients to make contact with an ophthalmologist. We have devised a technique to
automatically categorize every retinal fundus image as healthy, and the resulting model is less complex.
Monitor : 15 VGAColor.
IV. METHODOLOGY
Fully connected layer: It creates a single vector that may be utilized as an input for the following layer by flattening the outputs
produced by earlier layers.
DFD LEVEL 0:
DFD LEVEL 1:
Data preprocessing
Data preparation
Model Training
Saved Model
V. SOFTWARE REQUIREMENTS
• Python
• Keras
• Tensorflow
• Numpy
• Pandas
• Matplotlib
• OpenCV
Implementation:
• The Implementation is the process of converting a new system design into an operational one. It is the key
stage in achieving a successful new system. It must therefore be carefully planned and controlled. The
implementation of a system is done after the development effort is completed
Steps for Implementation
FRONT-END DEVELOPMENT USING PYTHON FLASK:
•These days, user-friendly computer programs are available. There are additional ways for users to interact besides console-
based I/O. Their graphical user interface (GUI) is more ergonomic because of their sophisticated graphics hardware and fast
processors. With the use of radio buttons, dropdown menus, and other GUI elements, these programs allow the user to select options
and accept input via mouse clicks.
.
Flask Programming:
The default Python GUI library is called Flask. Creating GUI apps is quick and simple when Python and Flask are used together.
An effective object-oriented interface to the Tk GUI toolkit is offered by Flask. Flask has various advantages. The code is cross
platform, meaning it functions on Linux, macOS, and Windows. Applications built with Flask appear native to the platform on
which they employ due to visual elements are rendered using native operating system elements.
Data Acquisition
Data were drawn from a dataset provided via Kaggle. The dataset used is highly heterogeneous because the photographs
are from different sources, cameras, resolutions, and have different degrees of noise and lighting [7]. These images have
resolutions ranged from 2592 x 1944 to 4752 x 3168 pixels. So some preprocessing steps have proceeded. After these
preprocessing, a total of 500 pictures were choosed from dataset of Kaggle. From these 500 images, 70% of the pictures
are used for training purposeand remaining s employed to assess the system.
Pre- Processing
• In order to attain a high degree of accuracy, we carried out the following preprocessing steps: The fundus images in the
dataset that Convolutional Neural Network (CNN) uses to operate on can have different sizes and aspect ratios. A critical
preprocessing step is to resize the pictures to a consistent 256 x 256 pixel size. All photos are then transformed into the
green channel in the case of highlighting particular details. The data are monochrome fundus pictures with a focus on
micro aneurysms (MA) and vessels. Micro aneurysms are blood vessel dilatation that are particularly noticeable in diabetic
patients' retinas and are important markers of Diabetic Retinopathy (DR). In a fundus picture, micro aneurysm candidates
have the maximum contrast.
Training Algorithm
• For the training of the three state-of-the-art models, Stochastic Gradient Descent with
Momentum(SGDM) optimization algorithm is used. It accelerates the global minimum of the cost
function in right direction and smoothes out oscillations in volatile directions, for faster converging.
It adds momentum to the classic SGD algorithm. The parameter θ follows an exponentially weighted
moving. The updated rule for average of the gradients of the cost function is
• Here β is Momentum Parameter, t is the iteration count, and α is the learning rate. Momentum parameter, β, takes a value
between zero and one, and it approximates the moving window where the weighted average is calculated. β = 0.90 is the
good and default value. For the successful training of three CNN networks, we use fine tuning with respect to the early
trained model from ImageNet . Fine-tuning procedure is upon the topic of transfer learning. Here we train a CNN to learn
features for a broad domain with a classification function that is targeted to minimize error in that particular domain. After
that, we replace the classification function and optimize the network again to minimize error in another domain. Here we
are transferring the characteristics and the parameters of a network from broad domain to the specific one. And ImageNet
is a database of images built upon the backbone of the WordNet structure .Regarding the effective completion of fine-
tuning, the input images to all the networks were resized.
Market Demand: Diabetes is becoming more commonplace worldwide, which has raised demand for products that might help
with related eye diseases' diagnosis, monitoring, and treatment.
Technological Innovation: Advancements in artificial intelligence (AI) and machine learning (ML) are driving the development
of innovative solutions for addressing eye conditions related to diabetes. These technologies enhance precision and efficacy in
diagnosis and treatment, providing businesses with a competitive edge.
Healthcare Industry Growth: The ageing of the population and increased awareness of preventative healthcare practices are two
reasons driving the considerable rise of the healthcare sector. Initiatives aimed at treating diabetic ocular conditions can benefit
from this rising trend.
Regulatory Environment: When developing healthcare solutions, it is essential to take regulatory requirements and acquiring
required permissions into account in order to guarantee compliance and market readiness.
Diagnostic Tools: Improved diagnostic technologies, like artificial intelligence (AI)-powered image analysis algorithms, make it
possible to identify diabetic retinopathy and other eye conditions early and accurately, improving patient outcomes and lowering
healthcare costs.
Treatment Monitoring: Improved tracking of the course of diabetic eye disease and its treatment results is made possible by
technology, which helps doctors create customised treatment plans for each patient in order to maximise their care.
Patient Education and Engagement: Initiatives in this domain focus on developing tools and resources to educate patients about
diabetic eye disorders and the importance of regular eye assessments. Increased patient engagement fosters better adherence to
treatment and preventive measures.
Data Collection and Analysis: Through the collection and analysis of data on diabetic eye disorders, researchers gain valuable
insights into causative factors, risk profiles, and disease rogression. This knowledge informs future research directions and treatment
approaches.
Regulatory and Compliance Knowledge: Developing healthcare solutions entails navigating intricate regulatory frameworks and
ensuring adherence to standards and guidelines. Engaging in projects in this realm provides valuable experience and expertise in
regulatory compliance.
Social Impact and Awareness: By raising awareness about diabetic eye disorders and advocating for early detection and treatment,
projects in this domain can significantly impact society, enhancing the well-being of individuals affected by these conditions.
IX. SCREENSHOTS
Fig.1:Accuracy Prediction
Fig.2:Home page
Fig.3:User Registration
Fig.4:Image Processing
Fig.5:Final output
Enhanced Diagnostic Accuracy: With continued refinement of AI algorithms, the detection rate for diabetic retinopathy and other
eye disorders may improve, leading to earlier detection and intervention. This could result in an additional increase in accuracy,
potentially reaching 97% or higher.
Personalized Treatment Plans: By incorporating individual patient data and other health factors, personalized treatment plans can
optimize outcomes, potentially leading to more effective management and reducing the risk of blindness by 90% or more.
Remote Monitoring: Integration of telemedicine and remote monitoring technologies enables timely intervention and may
contribute to a significant reduction in the progression of diabetic eye disorders, potentially by 80% or more.
Patient Engagement Platforms: Interactive platforms and mobile applications can improve patient education and adherence to
treatment, potentially reducing the incidence of blindness by 85% or more through better management and preventive measures.
Global Access to Care: Development of low-cost diagnostic tools and telemedicine solutions can improve access to care,
potentially reducing the prevalence of blindness in underserved communities by 70% or more.
Collaborative Research Efforts: Continued collaboration among stakeholders can accelerate progress in the field, potentially
leading to further advancements and reducing the overall burden of diabetic eye disorders by 95% or more through shared
knowledge and resources.
REFERENCES
[1] Jing Wang, Liu Yang, Zhanqiang Huo, Weifeng He, and Junwei Luo, “Multi-Label Classification of Fundus Images With
EfficientNet,” 2020.
[2] Balla Goutam, Mohammad Farukh Hashmi, (Senior Member, Ieee), Zong Woo Geem, (Senior Member, Ieee), and Neeraj
Dhanraj Bokde, “A Comprehensive Review of Deep Learning Strategies in Retinal Disease Diagnosis Using Fundus Images,” 2022.
[3] Juan Carrillo, Lola Bautista, Jorge Villamizar, Juan Rueda, Mary Sanchez and Daniela Rueda, “Glaucoma Detection Using
Fundus Images of The Eye,” 2019.
[4] Ayesha Kazi, Prerna Sukhija, Miloy Ajmera, Kailas Devadkar, “Processing Retinal Images to Discover Diseases,” 2018.
[5] Valentina Bellemo1, Philippe Burlina, Liu Yong, Tien Yin Wong, and Daniel Shu Wei Ting “ Generative Adversarial Networks
(GANs) for Retinal Fundus Image Synthesis,” 2019.
[6] W. R. Memon, B. Lal, and A. A. Sahto, “Diabetic retinopathy,” The Professional Medical Journal, vol. 24, no. 02, pp. 234–238,
2017.
[7] S. Haneda and H. Yamashita, “International clinical diabetic retinopathy disease severity scale,” Nihon rinsho. Japanese journal
of clinical medicine, vol. 68, p. 228, 2010.
[8] S. Jan, I. Ahmad, S. Karim, Z. Hussain, M. Rehman, and M. Ali Shah, “Status of diabetic retinopathy and its presentation
patterns in diabetics at ophthalomogy clinics,” Journal of Postgraduate Medical Institute (Peshawar-Pakistan), vol. 32, no. 1, 2018.
[9] J. Amin, M. Sharif, M. Yasmin, H. Ali, and S. L. Fernandes, “A method for the detection and classification of diabetic
retinopathy using structural predictors of bright lesions,” Journal of Computational Science, vol. 19, pp. 153–164, 2017.
[10] M. D. Abràmoff, P. T. Lavin, M. Birch, N. Shah, and J. C. Folk, “Pivotal trial of an autonomous ai-based diagnostic system
for detection of diabetic retinopathy in primary care offices,” Npj Digital Medicine, vol. 1, no. 1, p. 39, 2018.
[11] Gu, K., Zhai, G., Yang, X., et al.: “A new reduced-reference image quality assessment using structural degradation
model”. IEEE Int. Symp. on Circuitsand Systems (ISCAS), Beijing, China, 2013, pp. 1095–1098
[12] Linquan Lyu; Imad Eddine Toubal; K. Palaniappan, “Multi-Expert Deep Networks for Multi-Disease Detection in Retinal
Fundus Images”, 2022.