SlideShare a Scribd company logo
1 of 3
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 06 | Jun 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 137
Comparative Study of Pre-Trained Neural Network Models in Detection
of Glaucoma
Pranay Jain1, Sachin Mourya2, Dr. Dhananjay Theckedath3
1-2Dept. of Biomedical Engineering, Thadomal Shahani Engineering College, Mumbai, India
3Associate Professor, Dept. of Electronics and Telecommunication Engineering, Thadomal Shahani Engineering
College, Mumbai, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Glaucoma is one of the major causes of blindness
in people all over the globe. If detected quickly, its progression
can be slowed, stopped & even permanent blindness can be
prevented [1,2]. Several automated methods have comeup for
the early detection of glaucoma using various artificialneural
networking models. In this paper, we present a comparative
study of various pre-trained neural network models for the
early detection of glaucoma. Six pre-trainedmodels werebuilt
and analyzed with the help of several parameters for their
comparison.
Key Words: Glaucoma, Neural Network, Convolutional
Neural Network, Transfer Learning,Deep Learning,Pre-
Trained Model.
1.INTRODUCTION
Glaucoma is considered one of the leading causes of
blindness all over the globe. According to a study by WHO
(World Health Organisation), more than 65 million people
have been affected by glaucoma throughout the globe. The
characteristic feature of glaucoma is a damaged optic nerve
due to a rise in intraocular pressure. It is an irreversible
neurodegenerative disease. However, its earlydetection can
help in treatment to slow or stop its progression [3].
Glaucoma is generally detected by an ophthalmologist
using a set of eye-test known as comprehensive eye test
which includes – Tonometry, Pachymetry,Perimetry,Dilated
Eye Test, and Gonioscopy. These tests must be done on a
regular basis & can be tedious for the ophthalmologist
conducting it. A skilled ophthalmologist usually takes an
average of about 8 minutes for conducting the test &
therefore a computer-aided system is a necessity. Various
automated techniques are being developed nowadays for
quick & accurate examinations whichuseneural networking
models for the identification of the disease. Fundus scans of
an eye can be used to feed the neural network model to
detect whether the eye under considerationisglaucomatous
or non-glaucomatous.
As there are many neural network models for image
classification, it may be difficult to compare each one and
choose the better one for glaucoma detection. In this paper,
we have classified six pre-trained neural networkingmodels
viz. Inception, Xception, ResNet50, MobileNetV3,
DenseNet121, and DenseNet169. The Accuracy and Loss
Graph of each model was analyzed and along with several
other parameters obtained with the helpofconfusionmatrix
values were used for the classification of models.
2. Requirements
A labelled database that contains 9690 fundus images
from both eyes classified into two classes namely
glaucomatous(3422 images) and non-glaucomatous(6268
images), Google Cloud Platform (GCP) – for Cloud
Computing, Jupyter notebook -InteractivePythonNotebook,
Tensorflow – Open source machine learning library for
creating and training the models, Keras – Deep learning API
for the artificial neural network which runs on top of
Tensorflow, NumPy – Python library for high-level
mathematical calculations on arrays, Pandas - tool for data
manipulation and analysis, Matplotlib – python library that
can create animated, static and interactive data
visualizations, Seaborn – library for Data Visualization.
3. METHODOLOGY
The steps for building the classification model are
mentioned below.
1.1 Data Pre-Processing
The initial setup is the localizationoftheopticnervehead
(ONH) including locating other anatomical structures like
blood vessels, tracking, and registering changes within the
optic disc region, etc. The input images were first pre-
processed for the removal of outliners. Initially, the
unnecessary part of the image was cropped. Then several
filters were applied to the cropped image to extract useful
information [4].
A given dataset may contain images of different
dimensions and parameters which may hamper the
performance of the neural networking model. Hence, an
image data generator which is a library of Keras is used to
remove the differences between the individual images in a
dataset. It sets the dimensions of images to the given value
so that the differences are removed. We have set the
resolution to 224 x 224 which is generally used for pre-
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 06 | Jun 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 138
trained models as they can be memory intensive. Also,batch
size can be set according to the hardware used. We kept the
batch size of 32 images which was optimum accordingto the
pre-trained model used.
Data Augmentation is the way of creating new data by
performing several operations such as flipping, rotating, etc
on the original dataset. Dataset size have a huge impact on
the accuracy of the neural network model and hence data
augmentation is a powerful method for the same. In our
study, we have implemented data augmentation by
performing zooming, shearing, horizontal flip, vertical flip,
and validation split on the training dataset. Data
Augmentation plays a major role in balancingthe2classesof
datasets [5] viz. Glaucomatous and Non-Glaucomatous. The
total number of data points in a dataset gets increased with
the help of augmentation.
1.2 Model Creation
A neural network model is a collection of various nodes
or neurons, and each node consists of a set of inputs,
weights, and a biased value. Whenever input data enters the
node, the weight is multiplied by the input and the output
generated is either feed to the next layer or is observed. We
have set the weight to ImageNet as it is able tocategorize the
images into 22,000 categories based on a defined set of
parameters. The top layer is set to False as we must classify
the dataset into 2 classes.
The pooling layer helps to reduce the resolution of the
features. The features obtained arethenrobustagainstnoise
and distortions. We have used Global AveragePooling2D for
building the model. The Global Average Pooling 2D layer
makes the model more robust to spatial translations in an
image as it sums out the spatial information in the image [6].
Further, the dense layer is created by setting the activation
function as SoftMax and keeping the number of training
classes as 2.
Dense layer along with the pooling layer of the specified
model is used to predict the output by giving them as the
second parameter to the Model function. The input to the
Model function is provided by the base class of the specified
model such as ResNet50, VGG 16, DenseNet 169, etc [7]. In
this way, we have built a transferred learning model using 6
pre-trained ImageNet models [8].
1.3 Model Implementation
Once the model is built, it is compiled using Adam
optimizing algorithm and the loss is set to categorical
crossentropy. The categorical crossentropy measures the
model’s performance and generates results whose output is
a biased value between 0 or 1. The metric to measure the
model’s performance is accuracy as it is generally used in all
the models. Finally, the model is run for 20 epoch cycles and
the validation dataset is used to validate the trained model
by comparing the results.
4. RESULTS
After completing all 20 epoch cycles, the accuracy and
loss of all the models were found. To show the basic CNN
performance, the accuracy graph and loss graph were
plotted with the accuracy graph having epoch cycles along
the x-axis and accuracy value on the y-axis and the loss
graph having epoch cycles and loss value onthex-axisandy-
axis respectively. The Matplotlib and NumPy libraries were
used to plot the graph. An example of a graph is shown in
Chart 1.
Calculating accuracy alone can sometimes be misleading
when you have an unequal number of observation classes.
So, we decided to plot a confusion matrix that shows the
statistical classification of the algorithm’s performance. The
test data was tested with all the models and the confusion
matrix showing Actual Class Vs Predicted Class was plotted.
You can see the confusion matrix of the DenseNet169 model
in Fig 1 which shows True Positive, True Negative, False
Positive, and False Negative images from the test results [9].
Chart -1: Accuracy and Loss Graph for DenseNet169
The confusion matrix was plotted with the help of
Seaborn and Pandas library. With the help of the confusion
matrix, several parameters can be compared such as
Precision, Recall, Specificity, F1 Score, etc.
Fig -1: Confusion Matrix of DenseNet169 Model
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 06 | Jun 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 139
The parameters are calculated based on the values
acquired from the confusion matrix with the help of the
formulae mentioned below.
Precision = TP / (TP+ FP)
Recall = TP / (TP+ FN)
F1 Score = (2 × Precision × Accuracy) / (Precision+
Accuracy)
Accuracy = (TP+TN) / (TP+TN+ FP+FN)
Specificity = TN / (TN+ FP)
Using the mentioned formulae, all the parameters for
each model was calculated [10]. A detailed analysis of all the
models can be done more accurately by including more
parameters.
Table -1: Parameter Values for Pre-Trained Models
Parameter Pre-Trained Models
Incep
-tion
Xcept
-ion
ResN-
et50
Mobil
-eNet
V2
Dense
-Net
121
Dense
-Net
169
Precision 0.794 0.867 0.910 0.785 0.875 0.880
Accuracy 0.827 0.889 0.918 0.869 0.879 0.900
F1 Score 0.738 0.838 0.879 0.823 0.817 0.853
Recall 0.690 0.810 0.850 0.865 0.766 0.829
Specificity 0.902 0.932 0.954 0.871 0.940 0.938
5. CONCLUSIONS
Based on the parameter’s table for 20 epoch cycles, the
model’s performance can be concluded for each of them.
ResNet50 gives the most promising results with the highest
value in Precision i.e., 0.910, Accuracy i.e., 0.918, F1 Score
i.e., 0.879 & Specificity i.e., 0.954 as compared to other
models. DenseNet169 can also be taken into consideration
after ResNet50 as its Precision, Accuracy & F1 Score are
better than the other pre-trained models excluding
ResNet50. Xception & DenseNet121 models give average
results and must be fine-tuned if we want to use them for
classification. MobileNetV2 & Inception give the least
promising results among all the models. MobileNetV2 has
the highest Recall value however when comparing other
parameters, it lags almost every model. This classification
also proves that the pre-Trained model can be used for
classification with almost perfect accuracy, much less time
and limited resources compared to the conventional neural
networking models. This study was done on a preliminary
basis and the models can be fine-tuned for better results.
Also, the epoch cycles were kept 20 due to hardware
limitations but can be increasedalongwithanincreasein the
size of the dataset for making a much more robust model.
REFERENCES
[1] Lei Wang, Juan Gu, Yize Chen, Yuanbo Liang, Weijie
Zhang, Jiantao Pu, Hao Chen. "Automated segmentation
of the optic disc from fundus images using an
asymmetric deep learning network", Pattern
Recognition, 2021.
[2] M. Wu, T. Leng, L. de Sisternes, D. L. Rubin, and Q. Chen,
“Automated segmentation of optic disc in sd-oct images
and cup-to-disc ratiosquantificationbypatchsearching-
based neural canal opening detection,”Opt.Express,vol.
23, no. 24, pp. 31 216–31 229, Nov 2015.
[3] Optic disc and cup segmentation methods for glaucoma
detection with modification of U-Net convolutional
neural network, Pattern Recognition and Image
Analysis, vol. 27, no. 3, pp. 618–624, 2017.
[4] H. Fu, "Joint Optic Disc and Cup Segmentation Based on
Multi-label Deep Network and Polar Transformation,"
IEEE TRANSACTIONS ON MEDICAL IMAGING, 2017.
[5] Alomar, K.; Aysel, H.I.; Cai, X. Data Augmentation in
Classification and Segmentation: A Survey and New
Strategies. J. Imaging 2023, 9, 46.
[6] Manisha Saini, Seba Susan. "Deep transfer withminority
data augmentation for imbalanced breast cancer
dataset", Applied Soft Computing, 2020.
[7] X. Chen, Y. Xu, S. Yan, D. Wing, T. Wong, and J. Liu,
“Automatic Feature Learning for Glaucoma Detection
Based on Deep Learning,” in Proc. MICCAI, 2015, pp.
669–677
[8] Krizhevsky, A., Sutskever, I., Hinton, G.E.: Imagenet
classification with deep convolutional neural networks.
In: NIPS, pp. 1106–1114 (2012)
[9] Akter N, Fletcher J, Perry S, Simunovic MP, BriggsN,Roy
M. Glaucoma diagnosis using multi-feature analysis and
a deep learning technique. Sci Rep. 2022 May
16;12(1):8064. doi: 10.1038/s41598-022-12147-y.
PMID: 35577876; PMCID: PMC9110703.
[10] Abhishek, D. and Bandyopadhyay, S. (2016) ‘Automated
Glaucoma Detection Using Support Vector Machine
Classification Method’, British Journal of Medicine
Medical Research, Vol. 11, No. 12, pp. 1368-1372.

More Related Content

Similar to Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma

Artificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionArtificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionDr. Amarjeet Singh
 
IRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog ImagesIRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog ImagesIRJET Journal
 
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...IRJET Journal
 
IRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET Journal
 
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...IRJET Journal
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkIRJET Journal
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkIRJET Journal
 
IRJET - Machine Learning Algorithms for the Detection of Diabetes
IRJET - Machine Learning Algorithms for the Detection of DiabetesIRJET - Machine Learning Algorithms for the Detection of Diabetes
IRJET - Machine Learning Algorithms for the Detection of DiabetesIRJET Journal
 
Diabetic Retinopathy Detection
Diabetic Retinopathy DetectionDiabetic Retinopathy Detection
Diabetic Retinopathy DetectionIRJET Journal
 
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- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET Journal
 
IRJET - Finger Vein Extraction and Authentication System for ATM
IRJET -  	  Finger Vein Extraction and Authentication System for ATMIRJET -  	  Finger Vein Extraction and Authentication System for ATM
IRJET - Finger Vein Extraction and Authentication System for ATMIRJET Journal
 
IRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
IRJET- Analysis of PV Fed Vector Controlled Induction Motor DriveIRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
IRJET- Analysis of PV Fed Vector Controlled Induction Motor DriveIRJET Journal
 
IRJET- Deep Learning Model to Predict Hardware Performance
IRJET- Deep Learning Model to Predict Hardware PerformanceIRJET- Deep Learning Model to Predict Hardware Performance
IRJET- Deep Learning Model to Predict Hardware PerformanceIRJET 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
 
Classification of Churn and non-Churn Customers in Telecommunication Companies
Classification of Churn and non-Churn Customers in Telecommunication CompaniesClassification of Churn and non-Churn Customers in Telecommunication Companies
Classification of Churn and non-Churn Customers in Telecommunication CompaniesCSCJournals
 
IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...
IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...
IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...IRJET Journal
 
IRJET- Significant Neural Networks for Classification of Product Images
IRJET- Significant Neural Networks for Classification of Product ImagesIRJET- Significant Neural Networks for Classification of Product Images
IRJET- Significant Neural Networks for Classification of Product ImagesIRJET Journal
 
Text Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewText Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewIRJET Journal
 
BREAST CANCER DETECTION USING MACHINE LEARNING
BREAST CANCER DETECTION USING MACHINE LEARNINGBREAST CANCER DETECTION USING MACHINE LEARNING
BREAST CANCER DETECTION USING MACHINE LEARNINGIRJET Journal
 

Similar to Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma (20)

Artificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionArtificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern Recognition
 
IRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog ImagesIRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog Images
 
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
 
IRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep Learning
 
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural Network
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural Network
 
IRJET - Machine Learning Algorithms for the Detection of Diabetes
IRJET - Machine Learning Algorithms for the Detection of DiabetesIRJET - Machine Learning Algorithms for the Detection of Diabetes
IRJET - Machine Learning Algorithms for the Detection of Diabetes
 
Diabetic Retinopathy Detection
Diabetic Retinopathy DetectionDiabetic Retinopathy Detection
Diabetic Retinopathy Detection
 
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- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
 
IRJET - Finger Vein Extraction and Authentication System for ATM
IRJET -  	  Finger Vein Extraction and Authentication System for ATMIRJET -  	  Finger Vein Extraction and Authentication System for ATM
IRJET - Finger Vein Extraction and Authentication System for ATM
 
IRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
IRJET- Analysis of PV Fed Vector Controlled Induction Motor DriveIRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
IRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
 
IRJET- Deep Learning Model to Predict Hardware Performance
IRJET- Deep Learning Model to Predict Hardware PerformanceIRJET- Deep Learning Model to Predict Hardware Performance
IRJET- Deep Learning Model to Predict Hardware Performance
 
Study on Glaucoma Detection Using CNN
Study on Glaucoma Detection Using CNNStudy on Glaucoma Detection Using CNN
Study on Glaucoma Detection Using CNN
 
Classification of Churn and non-Churn Customers in Telecommunication Companies
Classification of Churn and non-Churn Customers in Telecommunication CompaniesClassification of Churn and non-Churn Customers in Telecommunication Companies
Classification of Churn and non-Churn Customers in Telecommunication Companies
 
IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...
IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...
IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...
 
IRJET- Significant Neural Networks for Classification of Product Images
IRJET- Significant Neural Networks for Classification of Product ImagesIRJET- Significant Neural Networks for Classification of Product Images
IRJET- Significant Neural Networks for Classification of Product Images
 
Text Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewText Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A Review
 
BREAST CANCER DETECTION USING MACHINE LEARNING
BREAST CANCER DETECTION USING MACHINE LEARNINGBREAST CANCER DETECTION USING MACHINE LEARNING
BREAST CANCER DETECTION USING MACHINE LEARNING
 

More from IRJET Journal

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

More from IRJET Journal (20)

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

Recently uploaded

Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2RajaP95
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escortsranjana rawat
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 
Call Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call GirlsCall Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call Girlsssuser7cb4ff
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024Mark Billinghurst
 
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZTE
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.eptoze12
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...VICTOR MAESTRE RAMIREZ
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and usesDevarapalliHaritha
 
microprocessor 8085 and its interfacing
microprocessor 8085  and its interfacingmicroprocessor 8085  and its interfacing
microprocessor 8085 and its interfacingjaychoudhary37
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130Suhani Kapoor
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionDr.Costas Sachpazis
 

Recently uploaded (20)

Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
 
Call Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call GirlsCall Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call Girls
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024
 
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and uses
 
microprocessor 8085 and its interfacing
microprocessor 8085  and its interfacingmicroprocessor 8085  and its interfacing
microprocessor 8085 and its interfacing
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
 

Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 06 | Jun 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 137 Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma Pranay Jain1, Sachin Mourya2, Dr. Dhananjay Theckedath3 1-2Dept. of Biomedical Engineering, Thadomal Shahani Engineering College, Mumbai, India 3Associate Professor, Dept. of Electronics and Telecommunication Engineering, Thadomal Shahani Engineering College, Mumbai, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Glaucoma is one of the major causes of blindness in people all over the globe. If detected quickly, its progression can be slowed, stopped & even permanent blindness can be prevented [1,2]. Several automated methods have comeup for the early detection of glaucoma using various artificialneural networking models. In this paper, we present a comparative study of various pre-trained neural network models for the early detection of glaucoma. Six pre-trainedmodels werebuilt and analyzed with the help of several parameters for their comparison. Key Words: Glaucoma, Neural Network, Convolutional Neural Network, Transfer Learning,Deep Learning,Pre- Trained Model. 1.INTRODUCTION Glaucoma is considered one of the leading causes of blindness all over the globe. According to a study by WHO (World Health Organisation), more than 65 million people have been affected by glaucoma throughout the globe. The characteristic feature of glaucoma is a damaged optic nerve due to a rise in intraocular pressure. It is an irreversible neurodegenerative disease. However, its earlydetection can help in treatment to slow or stop its progression [3]. Glaucoma is generally detected by an ophthalmologist using a set of eye-test known as comprehensive eye test which includes – Tonometry, Pachymetry,Perimetry,Dilated Eye Test, and Gonioscopy. These tests must be done on a regular basis & can be tedious for the ophthalmologist conducting it. A skilled ophthalmologist usually takes an average of about 8 minutes for conducting the test & therefore a computer-aided system is a necessity. Various automated techniques are being developed nowadays for quick & accurate examinations whichuseneural networking models for the identification of the disease. Fundus scans of an eye can be used to feed the neural network model to detect whether the eye under considerationisglaucomatous or non-glaucomatous. As there are many neural network models for image classification, it may be difficult to compare each one and choose the better one for glaucoma detection. In this paper, we have classified six pre-trained neural networkingmodels viz. Inception, Xception, ResNet50, MobileNetV3, DenseNet121, and DenseNet169. The Accuracy and Loss Graph of each model was analyzed and along with several other parameters obtained with the helpofconfusionmatrix values were used for the classification of models. 2. Requirements A labelled database that contains 9690 fundus images from both eyes classified into two classes namely glaucomatous(3422 images) and non-glaucomatous(6268 images), Google Cloud Platform (GCP) – for Cloud Computing, Jupyter notebook -InteractivePythonNotebook, Tensorflow – Open source machine learning library for creating and training the models, Keras – Deep learning API for the artificial neural network which runs on top of Tensorflow, NumPy – Python library for high-level mathematical calculations on arrays, Pandas - tool for data manipulation and analysis, Matplotlib – python library that can create animated, static and interactive data visualizations, Seaborn – library for Data Visualization. 3. METHODOLOGY The steps for building the classification model are mentioned below. 1.1 Data Pre-Processing The initial setup is the localizationoftheopticnervehead (ONH) including locating other anatomical structures like blood vessels, tracking, and registering changes within the optic disc region, etc. The input images were first pre- processed for the removal of outliners. Initially, the unnecessary part of the image was cropped. Then several filters were applied to the cropped image to extract useful information [4]. A given dataset may contain images of different dimensions and parameters which may hamper the performance of the neural networking model. Hence, an image data generator which is a library of Keras is used to remove the differences between the individual images in a dataset. It sets the dimensions of images to the given value so that the differences are removed. We have set the resolution to 224 x 224 which is generally used for pre-
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 06 | Jun 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 138 trained models as they can be memory intensive. Also,batch size can be set according to the hardware used. We kept the batch size of 32 images which was optimum accordingto the pre-trained model used. Data Augmentation is the way of creating new data by performing several operations such as flipping, rotating, etc on the original dataset. Dataset size have a huge impact on the accuracy of the neural network model and hence data augmentation is a powerful method for the same. In our study, we have implemented data augmentation by performing zooming, shearing, horizontal flip, vertical flip, and validation split on the training dataset. Data Augmentation plays a major role in balancingthe2classesof datasets [5] viz. Glaucomatous and Non-Glaucomatous. The total number of data points in a dataset gets increased with the help of augmentation. 1.2 Model Creation A neural network model is a collection of various nodes or neurons, and each node consists of a set of inputs, weights, and a biased value. Whenever input data enters the node, the weight is multiplied by the input and the output generated is either feed to the next layer or is observed. We have set the weight to ImageNet as it is able tocategorize the images into 22,000 categories based on a defined set of parameters. The top layer is set to False as we must classify the dataset into 2 classes. The pooling layer helps to reduce the resolution of the features. The features obtained arethenrobustagainstnoise and distortions. We have used Global AveragePooling2D for building the model. The Global Average Pooling 2D layer makes the model more robust to spatial translations in an image as it sums out the spatial information in the image [6]. Further, the dense layer is created by setting the activation function as SoftMax and keeping the number of training classes as 2. Dense layer along with the pooling layer of the specified model is used to predict the output by giving them as the second parameter to the Model function. The input to the Model function is provided by the base class of the specified model such as ResNet50, VGG 16, DenseNet 169, etc [7]. In this way, we have built a transferred learning model using 6 pre-trained ImageNet models [8]. 1.3 Model Implementation Once the model is built, it is compiled using Adam optimizing algorithm and the loss is set to categorical crossentropy. The categorical crossentropy measures the model’s performance and generates results whose output is a biased value between 0 or 1. The metric to measure the model’s performance is accuracy as it is generally used in all the models. Finally, the model is run for 20 epoch cycles and the validation dataset is used to validate the trained model by comparing the results. 4. RESULTS After completing all 20 epoch cycles, the accuracy and loss of all the models were found. To show the basic CNN performance, the accuracy graph and loss graph were plotted with the accuracy graph having epoch cycles along the x-axis and accuracy value on the y-axis and the loss graph having epoch cycles and loss value onthex-axisandy- axis respectively. The Matplotlib and NumPy libraries were used to plot the graph. An example of a graph is shown in Chart 1. Calculating accuracy alone can sometimes be misleading when you have an unequal number of observation classes. So, we decided to plot a confusion matrix that shows the statistical classification of the algorithm’s performance. The test data was tested with all the models and the confusion matrix showing Actual Class Vs Predicted Class was plotted. You can see the confusion matrix of the DenseNet169 model in Fig 1 which shows True Positive, True Negative, False Positive, and False Negative images from the test results [9]. Chart -1: Accuracy and Loss Graph for DenseNet169 The confusion matrix was plotted with the help of Seaborn and Pandas library. With the help of the confusion matrix, several parameters can be compared such as Precision, Recall, Specificity, F1 Score, etc. Fig -1: Confusion Matrix of DenseNet169 Model
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 06 | Jun 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 139 The parameters are calculated based on the values acquired from the confusion matrix with the help of the formulae mentioned below. Precision = TP / (TP+ FP) Recall = TP / (TP+ FN) F1 Score = (2 × Precision × Accuracy) / (Precision+ Accuracy) Accuracy = (TP+TN) / (TP+TN+ FP+FN) Specificity = TN / (TN+ FP) Using the mentioned formulae, all the parameters for each model was calculated [10]. A detailed analysis of all the models can be done more accurately by including more parameters. Table -1: Parameter Values for Pre-Trained Models Parameter Pre-Trained Models Incep -tion Xcept -ion ResN- et50 Mobil -eNet V2 Dense -Net 121 Dense -Net 169 Precision 0.794 0.867 0.910 0.785 0.875 0.880 Accuracy 0.827 0.889 0.918 0.869 0.879 0.900 F1 Score 0.738 0.838 0.879 0.823 0.817 0.853 Recall 0.690 0.810 0.850 0.865 0.766 0.829 Specificity 0.902 0.932 0.954 0.871 0.940 0.938 5. CONCLUSIONS Based on the parameter’s table for 20 epoch cycles, the model’s performance can be concluded for each of them. ResNet50 gives the most promising results with the highest value in Precision i.e., 0.910, Accuracy i.e., 0.918, F1 Score i.e., 0.879 & Specificity i.e., 0.954 as compared to other models. DenseNet169 can also be taken into consideration after ResNet50 as its Precision, Accuracy & F1 Score are better than the other pre-trained models excluding ResNet50. Xception & DenseNet121 models give average results and must be fine-tuned if we want to use them for classification. MobileNetV2 & Inception give the least promising results among all the models. MobileNetV2 has the highest Recall value however when comparing other parameters, it lags almost every model. This classification also proves that the pre-Trained model can be used for classification with almost perfect accuracy, much less time and limited resources compared to the conventional neural networking models. This study was done on a preliminary basis and the models can be fine-tuned for better results. Also, the epoch cycles were kept 20 due to hardware limitations but can be increasedalongwithanincreasein the size of the dataset for making a much more robust model. REFERENCES [1] Lei Wang, Juan Gu, Yize Chen, Yuanbo Liang, Weijie Zhang, Jiantao Pu, Hao Chen. "Automated segmentation of the optic disc from fundus images using an asymmetric deep learning network", Pattern Recognition, 2021. [2] M. Wu, T. Leng, L. de Sisternes, D. L. Rubin, and Q. Chen, “Automated segmentation of optic disc in sd-oct images and cup-to-disc ratiosquantificationbypatchsearching- based neural canal opening detection,”Opt.Express,vol. 23, no. 24, pp. 31 216–31 229, Nov 2015. [3] Optic disc and cup segmentation methods for glaucoma detection with modification of U-Net convolutional neural network, Pattern Recognition and Image Analysis, vol. 27, no. 3, pp. 618–624, 2017. [4] H. Fu, "Joint Optic Disc and Cup Segmentation Based on Multi-label Deep Network and Polar Transformation," IEEE TRANSACTIONS ON MEDICAL IMAGING, 2017. [5] Alomar, K.; Aysel, H.I.; Cai, X. Data Augmentation in Classification and Segmentation: A Survey and New Strategies. J. Imaging 2023, 9, 46. [6] Manisha Saini, Seba Susan. "Deep transfer withminority data augmentation for imbalanced breast cancer dataset", Applied Soft Computing, 2020. [7] X. Chen, Y. Xu, S. Yan, D. Wing, T. Wong, and J. Liu, “Automatic Feature Learning for Glaucoma Detection Based on Deep Learning,” in Proc. MICCAI, 2015, pp. 669–677 [8] Krizhevsky, A., Sutskever, I., Hinton, G.E.: Imagenet classification with deep convolutional neural networks. In: NIPS, pp. 1106–1114 (2012) [9] Akter N, Fletcher J, Perry S, Simunovic MP, BriggsN,Roy M. Glaucoma diagnosis using multi-feature analysis and a deep learning technique. Sci Rep. 2022 May 16;12(1):8064. doi: 10.1038/s41598-022-12147-y. PMID: 35577876; PMCID: PMC9110703. [10] Abhishek, D. and Bandyopadhyay, S. (2016) ‘Automated Glaucoma Detection Using Support Vector Machine Classification Method’, British Journal of Medicine Medical Research, Vol. 11, No. 12, pp. 1368-1372.