SlideShare a Scribd company logo
1 of 5
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 615
Enhancing Pneumonia Detection: A Comparative Study of CNN,
DenseNet201, and VGG16 Utilizing Chest X-ray Images
Adith Harinarayanan,
Chennai, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Pneumonia is a serious respiratory infection that
can be difficult to diagnose, especially in its early stages. Deep
learning algorithms have the potential to improve the
accuracy and efficiency of pneumonia diagnosis. This is a
binary-classification study that evaluated the performance of
a custom-made CNN and two other popular deep learning
models, DenseNet201, and VGG16, in classifying Chest Xray
images for diagnosis of the disease into two classes:
pneumonia positiveandnegative. TheCNNmodelachieved the
best performance, with an accuracy of 80%. This is
comparable to the performance of human radiologists in
diagnosing pneumonia. Overall, this study provides promising
evidence that deep learning can be used to improve the
accuracy and efficiency of pneumonia diagnosis.
1. INTRODUCTION
In an age defined by technological advances, our world has
undergone a remarkable transformation. Technology's
widespread influence touches every aspectofourdailylives,
from the way we communicate to how we work and,
importantly, how we approach healthcare.
In the realm of healthcare, technology has been a catalystfor
extraordinary changes. Over the years, it has evolved from
the early use of electronic health records to the adoption of
telemedicine, revolutionising patient care and making it
more accessible. However, amidst these transformative
developments, one enduring challenge in the medical field
remains the need for quicker and more accurate disease
detection. The ability to swiftly and precisely identify
ailments, especially for critical conditions likepneumonia or
cancer. Traditional diagnostic methods are often time-
consuming and may lack the precision required for timely
interventions.
This is where AI techniques can help us. Deep learning
algorithms have intelligent and mathematically proven
image classification techniques that harness the potential to
revolutionise disease detection, offering a solution to the
challenges of speed and precision. With its ability to rapidly
analyse vast amounts of medical data, we can significantly
enhance the diagnostic process, potentially saving lives
through quicker and more accurate assessments.
In the context of healthcare, the fusion of AI and medicine is
not just a concept; it's an ongoing reality. Researchers and
healthcare professionals around the world are actively
exploring how AI algorithms can be utilised to improve
patient outcomes. One area of focus is the classification of
Pneumonia through the analysis of X-ray images, a field of
study that holds immense promise.
In this paper, we will be exploring the methodologies,
challenges, and implications of employing deep learning
techniques to classify X-ray images, especially in the context
of Pneumonia detection. In this investigative study, we will
trace out the intricacies of AI-driven X-ray image analysis,
addressing both its potential and limitations and how
different transfer learning models are able to handle it in
terms of performance primarily focusing on accuracy and
precision.
2. LITERATURE SURVEY
A survey paper by Geert Litjens et al. reviews themajordeep
learning concepts pertinent to medical image analysis.Since
the advent of digitising medical images, researchers have
pioneered automated analysis systems. Initially during the
1970s-1990s, rule-based systems with low-level pixel
processing and mathematical modelling were prevalent. In
the late 1990s, supervised techniques gained popularity,
utilising training data for system development. The shift
from handcrafted features to learned features marked a
pivotal moment, leading to the rise of deep learning
algorithms, particularly Convolutional Neural Networks
(CNNs). The watershedmomentoccurredwiththesuccessof
AlexNet in 2012, sparking a surge in deep learning
applications to medical image analysis. Deep learning
significantly impactedmedical imageanalysis,particularlyin
exam classification, where small datasets pose challenges
compared to computer vision.[1]
Daniel Joseph Alapat et al. explores the detection of
pneumonia, an infection affecting lung alveoli, manifested
with symptoms like cough and chest pain. High-risk groups,
like asthma patients and people with low immunity, face the
complications. Medical imaging, particularly chest X-rays,
aids diagnosis, but classification still remains challenging.
Deep learning algorithms promise enhanced accuracy in
interpreting chest X-ray data. While neural networks assist
diagnosis, they are not a substituteforphysicians.Numerous
neural network-based approaches successfully detect
pneumonia from chest X-rays. This paper compares these
approaches using the Chest X-ray 14 dataset to assess
technology maturity.[2]
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 616
Study by Dimpy Varshni et al. evaluates pre-trained CNN
models for classifying abnormal and normal chest X-rays,
addressing challenges in pneumonia diagnosis. Combining
CNN-based feature extraction and an SVM (support vector
machine) classifier, it proved optimal for classifyingchest X-
ray images, leveraging DenseNet’s substantial features.
ResNet50 and DenseNets emerged as top performers,
guiding their model selection. Despite the achievements,
limitations include the absence of patient history and
exclusive use of frontal chest X-rays. Computational power
requirements and the need for expert radiologists also pose
challenges.[3]
3. NEURAL NETWORKS
The concept of deep learning has advanced through the
emergence of neural networks, which drawinspirationfrom
the human brain's neurons. Artificial Neural Networks
(ANNs) consist of interconnected neurons that process
inputs using an objective function, producing desired
outputs. In deep learning, stackedneural networkscomprise
multiple layers called nodes, where mathematical
computations occur. Nodes, functioning as independent
regression models, utilise input data, weights, a bias, and an
activation function to determine signal progression,
facilitating the final output or classification.
Classification of neural networks include:
● Feed Forward Neural Network (FFNN)
● Convolutional Neural Networks (CNN)
● Recurrent Neural Networks (RNN)
A feedforward neural network (FFNN) is one of the simplest
types of neural networks. Despite their simplicity, they can
model complex relationships in data and have been the
foundation for more complex neural network architectures.
Convolutional neural networks (CNNs) are commonly
applied for image and pattern recognition, utilising linear
algebra principles, especially matrix multiplication, to
recognize patterns in images.
Recurrent neural networks (RNNs) are characterised by
feedback loops and find utility in predictingfutureoutcomes
from time-series data, such as sales forecasts or stock
market predictions.
3.1 Convolutional Neural Networks (CNN):
The Convolutional Neural Network (CNN), stands among
various Deep Learning algorithms. It analyses images,
assigning weights or biases to classify them. CNN's goals
encompass image classification, clustering based on
similarities, and object recognition. The network consists of
four layers, starting with the convolutional layer, the
algorithm's core, whichperformsthe primarycomputational
work using filters or kernels. The Activation layer follows,
employing the rectifier function (ReLU) for improved non-
linearity. The third layer, Pooling, aids in down sampling
image features, incorporating hyperparameters like the
dimension of spatial extent and stride.[4]
3.2 DenseNet201:
Several researchers overlook the prerequisite for input
images to adhere to specific criteria for CNN's optimal
functionality.Thealgorithm necessitateshigh-qualityimages
with a white background for efficiency. While some studies
use realistic images, they neglect unforeseen consequences.
To address this discrepancy, DenseNet 201 is employed to
minimise errors and enhance performance. DenseNet is
recognized as a top performer in image classification on
popular datasets like CIFAR-10 and ImageNet. It employs a
straightforward pattern, connectinglayersdirectlyina feed-
forward manner, where each layer incorporates additional
inputs from preceding layers and transmits its own feature
maps to subsequent layers.[4]
3.3 VGG16:
VGG16 stands out as a Convolutional Neural Network (CNN),
recognized as one of the most advanced computer vision
models. The model's creators enhanced its depth by
employing an architecture with compact (3 × 3) convolution
filters, resulting in a notable improvement over previous
configuration. The depth was extended to 16–19 weight
layers, totalling approximately 138 trainable parameters. A
Convolutional Neural Network, also referred to as ConvNet,
comprises an input layer, an output layer, and multiple
hidden layers.
4. DATASET ANALYSIS
In order to perform classification, we used the Chest X-ray
Pneumonia Dataset which is a hugely popular dataset
available, sourced from Kaggle, a crowd-sourced and open-
source platform used by data scientists and hobbyists
around the world to get trained and challenged to solve
numerous real-world problems. The Chest X-rayPneumonia
Dataset consists of 5863 images of X-ray images distributed
over 2 different classes which are scans of normal and
abnormal chests. The images are then split in the ratio as
train, validation and test data. We then resized every image
into 256x256 pixels for the purpose of training and
evaluating our model.
5. PROPOSED METHOD
Humans are susceptible to a variety of diseases. By using
deep learning algorithms, we are detecting and also
classifying the presence of pneumonia. Deep learning, a
vibrant research area in image classification and computer
vision, employs Convolutional Neural Networks (CNN) with
input and output layers and multiple hidden layers,
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 617
including convolutional, pooling, fully connected, and
sometimes Sigmoid layers. Utilising the New Chest-Xray-
Pneumonia dataset, featuring normal andabnormal ChestX-
rays, we trained a CNN with six layers, augmenting images
through ImageDataGenerator to enhance dataset size.
While promising, we explored alternatives like
DenseNet201, a pre-trained model with 201 layers, and
VGG16, which enhances depth with (3 × 3) convolution
filters. Comparatively, results were more promising with
VGG16, and our primary goal was to assess the accuracyand
efficiency of all three models.
The models consideredthebackgroundofimagestoevaluate
performance, recognizing that the datasets with plain
backgrounds lacked practical realism.
6. PERFORMANCE ANALYSIS
6.1 Convolutional Neural Network (CNN)
The interactive heatmap presents the confusion matrix,
offering a graphical summary of predictions. This matrix
contrasts actual test images with model predictions
generated by CNN after the training process. Rows
correspond to predicted classes, while columns represent
the actual test values. From the table it is evident that model
predictions are almost accurate, But we can also infer that
the normal class has more misclassifications. These are
indicated by the intensity of the green colour, i.e., the more
intense the colour, the more accurate the prediction is. The
intensity level can be viewed on the right side.
The graph depicts the plot between loss and validation loss
of CNN model training. We used 5 epochs and patience as 2.
While in the beginning, the loss is very high around 0.4,
validation loss is below 0.5, during training, till the first
epoch, both loss and validation loss comes down. During the
2nd epoch, there was a substantial increaseinvalidationloss
even though the loss was decreasing, the training still
continued as we specified patience as 2. After the 3rd epoch
the validation loss continues to rise, and the model initiates
early stopping.
6.2 DenseNet201
The interactive heatmap presents the confusion matrix,
offering a graphical summary of predictions. This matrix
contrasts actual test images with model predictions
generated by CNN after the training process. Rows
correspond to predicted classes, while columns represent
the actual test values. From the table it is evident that model
predictions are almost accurate, But we can also infer that
the normal class has some misclassifications. These are
indicated by the intensity of the green colour, i.e., the more
intense the colour, the more accurate the prediction is. The
intensity level can be viewed on the right side.
The graph depicts the plot between loss and validation loss
of CNN model training. We used 5 epochs and patience as 2.
While in the beginning, the loss is very high around 0.2,
validation loss is above 0.5, during training, after the first
epoch, both loss and validation loss comes down. During the
2nd epoch, there was a slight increase in validation loss but
it decreased again in the next epoch, the training still
continued as we specified patience as 2. After the 3th epoch
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 618
the difference between validation loss and loss continues to
rise, and the model initiates early stopping.
6.1 VGG16
The interactive heatmap presents the confusion matrix,
offering a graphical summary of predictions. This matrix
contrasts actual test images with model predictions
generated by CNN after the training process. Rows
correspond to predicted classes, while columns represent
the actual test values. From the table it is evident that model
predictions are almost accurate, which is indicated by the
intensity of the green colour, i.e.,themoreintensethecolour,
the more accurate the prediction is. The intensity level can
be viewed on the right side.
The graph depicts the plot between loss and validation loss
of CNN model training. We used 5 epochs and patience as 2.
While in the beginning, the loss is very high around 0.3,
validation loss is below 0.5, during training, after the 1st
epoch, loss comes down and validation loss increases. After
which in subsequent epochs, the loss and validation loss
decrease. From the 3rd epoch, there was a slight increase in
Validation loss. The trainingcontinuedaswesetthepatience
as 2. After the 5th epoch the validation loss continuestorise,
and the model initiates early stopping.
7. CONCLUSIONS
This research delves into the application of deep learning
concepts, specifically convolutional neural networks (CNN)
and transfer learning, to investigate their impact on
pneumonia detection. Utilising the Chest-Xray-Pneumonia
dataset, three CNN models were employed:a basicCNN built
from scratch, the pre-trained Densenet201, and VGG16.
Results indicate that VGG16 consistently outperforms the
basic CNN and pre-trainedDensNet201modelsinclassifying
the two pneumonia classes. Image augmentationtechniques
were employed during network training to enhance
classification accuracy in various scenarios.
Our model faces limitations in handling black and white
noise in the images for prediction and the absence of a
precisely scaled and accurate Chest X-Rayimagedataset.We
aim to enhance the efficacy of image augmentation in
mitigating the challenges posedbycomplexvariationsintest
images and aspire to create an application enabling users to
predict pneumonia at a very cheap rate.
8. ACKNOWLEDGEMENT
I extend my heartfelt gratitude to Saai Vignesh P for his
valuable guidance and support in dataset augmentation &
model training. His insightful feedback, and support
significantly contributed to the refinement of this study.
9. REFERENCES
[1] Geert Litjens, Thijs Kooi, Babak Ehteshami Bejnordi,
Arnaud Arindra Adiyoso Setio, Francesco Ciompi, Mohsen
Ghafoorian, Jeroen A.W.M. van der Laak, Bram van
Ginneken, Clara I. Sánchez, “A survey on deep learning in
medical image analysis”, Medical Image Analysis, Volume
42, 2017,
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 619
[2] Alapat DJ, Menon MV, Ashok S. A Review on Detection
of Pneumonia in Chest X-ray Images Using Neural
Networks. J Biomed Phys Eng. 2022 Dec
[3] D. Varshni, K. Thakral, L. Agarwal, R. Nijhawan and A.
Mittal, "Pneumonia Detection Using CNN based Feature
Extraction," 2019 IEEE International Conference on
Electrical, Computer and Communication Technologies
(ICECCT), Coimbatore, India, 2019
Vishnuvaradhan Moganarengam, Saai Vignesh P, “Plant
Disease Classification using CNN and DenseNet, a
Comparative Study”, IRJET, Chennai, India, Nov 2021

More Related Content

Similar to Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and VGG16 Utilizing Chest X-ray Images

Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...
Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...
Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...IRJET Journal
 
Breast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural NetworkBreast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural NetworkIRJET Journal
 
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...IRJET Journal
 
Lung Cancer Detection using Convolutional Neural Network
Lung Cancer Detection using Convolutional Neural NetworkLung Cancer Detection using Convolutional Neural Network
Lung Cancer Detection using Convolutional Neural NetworkIRJET Journal
 
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...ijtsrd
 
Deep Learning-based Diagnosis of Pneumonia using X-Ray Scans
Deep Learning-based Diagnosis of Pneumonia using X-Ray ScansDeep Learning-based Diagnosis of Pneumonia using X-Ray Scans
Deep Learning-based Diagnosis of Pneumonia using X-Ray ScansIRJET Journal
 
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...IRJET Journal
 
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...IRJET Journal
 
Lung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdfLung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdfjagan477830
 
Lung Cancer Detection with Flask Integration
Lung Cancer Detection with Flask IntegrationLung Cancer Detection with Flask Integration
Lung Cancer Detection with Flask IntegrationIRJET Journal
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkAIRCC Publishing Corporation
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkAIRCC Publishing Corporation
 
A Review on Medical Image Analysis Using Deep Learning
A Review on Medical Image Analysis Using Deep LearningA Review on Medical Image Analysis Using Deep Learning
A Review on Medical Image Analysis Using Deep LearningIRJET Journal
 
Overview of convolutional neural networks architectures for brain tumor segm...
Overview of convolutional neural networks architectures for  brain tumor segm...Overview of convolutional neural networks architectures for  brain tumor segm...
Overview of convolutional neural networks architectures for brain tumor segm...IJECEIAES
 
Development of Computational Tool for Lung Cancer Prediction Using Data Mining
Development of Computational Tool for Lung Cancer Prediction Using Data MiningDevelopment of Computational Tool for Lung Cancer Prediction Using Data Mining
Development of Computational Tool for Lung Cancer Prediction Using Data MiningEditor IJCATR
 
Pneumonia Detection Using X-Ray
Pneumonia Detection Using X-RayPneumonia Detection Using X-Ray
Pneumonia Detection Using X-RayIRJET Journal
 
deep learning applications in medical image analysis brain tumor
deep learning applications in medical image analysis brain tumordeep learning applications in medical image analysis brain tumor
deep learning applications in medical image analysis brain tumorVenkat Projects
 
Prediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep LearningPrediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep LearningIRJET Journal
 

Similar to Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and VGG16 Utilizing Chest X-ray Images (20)

Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...
Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...
Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...
 
Breast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural NetworkBreast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural Network
 
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...
 
x-RAYS PROJECT
x-RAYS PROJECTx-RAYS PROJECT
x-RAYS PROJECT
 
Lung Cancer Detection using Convolutional Neural Network
Lung Cancer Detection using Convolutional Neural NetworkLung Cancer Detection using Convolutional Neural Network
Lung Cancer Detection using Convolutional Neural Network
 
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
 
Deep Learning-based Diagnosis of Pneumonia using X-Ray Scans
Deep Learning-based Diagnosis of Pneumonia using X-Ray ScansDeep Learning-based Diagnosis of Pneumonia using X-Ray Scans
Deep Learning-based Diagnosis of Pneumonia using X-Ray Scans
 
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
 
MINI PROJECT (1).pptx
MINI PROJECT (1).pptxMINI PROJECT (1).pptx
MINI PROJECT (1).pptx
 
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
 
Lung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdfLung Cancer Detection using transfer learning.pptx.pdf
Lung Cancer Detection using transfer learning.pptx.pdf
 
Lung Cancer Detection with Flask Integration
Lung Cancer Detection with Flask IntegrationLung Cancer Detection with Flask Integration
Lung Cancer Detection with Flask Integration
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural Network
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural Network
 
A Review on Medical Image Analysis Using Deep Learning
A Review on Medical Image Analysis Using Deep LearningA Review on Medical Image Analysis Using Deep Learning
A Review on Medical Image Analysis Using Deep Learning
 
Overview of convolutional neural networks architectures for brain tumor segm...
Overview of convolutional neural networks architectures for  brain tumor segm...Overview of convolutional neural networks architectures for  brain tumor segm...
Overview of convolutional neural networks architectures for brain tumor segm...
 
Development of Computational Tool for Lung Cancer Prediction Using Data Mining
Development of Computational Tool for Lung Cancer Prediction Using Data MiningDevelopment of Computational Tool for Lung Cancer Prediction Using Data Mining
Development of Computational Tool for Lung Cancer Prediction Using Data Mining
 
Pneumonia Detection Using X-Ray
Pneumonia Detection Using X-RayPneumonia Detection Using X-Ray
Pneumonia Detection Using X-Ray
 
deep learning applications in medical image analysis brain tumor
deep learning applications in medical image analysis brain tumordeep learning applications in medical image analysis brain tumor
deep learning applications in medical image analysis brain tumor
 
Prediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep LearningPrediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep Learning
 

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

pipeline in computer architecture design
pipeline in computer architecture  designpipeline in computer architecture  design
pipeline in computer architecture designssuser87fa0c1
 
DATA ANALYTICS PPT definition usage example
DATA ANALYTICS PPT definition usage exampleDATA ANALYTICS PPT definition usage example
DATA ANALYTICS PPT definition usage examplePragyanshuParadkar1
 
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
 
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
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...asadnawaz62
 
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
 
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...srsj9000
 
Artificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxArtificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxbritheesh05
 
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdfCCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdfAsst.prof M.Gokilavani
 
Introduction to Machine Learning Unit-3 for II MECH
Introduction to Machine Learning Unit-3 for II MECHIntroduction to Machine Learning Unit-3 for II MECH
Introduction to Machine Learning Unit-3 for II MECHC Sai Kiran
 
Effects of rheological properties on mixing
Effects of rheological properties on mixingEffects of rheological properties on mixing
Effects of rheological properties on mixingviprabot1
 
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
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidNikhilNagaraju
 
Work Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvWork Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvLewisJB
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort servicejennyeacort
 

Recently uploaded (20)

pipeline in computer architecture design
pipeline in computer architecture  designpipeline in computer architecture  design
pipeline in computer architecture design
 
DATA ANALYTICS PPT definition usage example
DATA ANALYTICS PPT definition usage exampleDATA ANALYTICS PPT definition usage example
DATA ANALYTICS PPT definition usage example
 
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
 
🔝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...
 
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
 
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...
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
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
 
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
 
Artificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxArtificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptx
 
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptxExploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
 
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdfCCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
CCS355 Neural Network & Deep Learning UNIT III notes and Question bank .pdf
 
Introduction to Machine Learning Unit-3 for II MECH
Introduction to Machine Learning Unit-3 for II MECHIntroduction to Machine Learning Unit-3 for II MECH
Introduction to Machine Learning Unit-3 for II MECH
 
young call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Serviceyoung call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Service
 
Effects of rheological properties on mixing
Effects of rheological properties on mixingEffects of rheological properties on mixing
Effects of rheological properties on mixing
 
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
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfid
 
Work Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvWork Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvv
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
 

Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and VGG16 Utilizing Chest X-ray Images

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 615 Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and VGG16 Utilizing Chest X-ray Images Adith Harinarayanan, Chennai, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Pneumonia is a serious respiratory infection that can be difficult to diagnose, especially in its early stages. Deep learning algorithms have the potential to improve the accuracy and efficiency of pneumonia diagnosis. This is a binary-classification study that evaluated the performance of a custom-made CNN and two other popular deep learning models, DenseNet201, and VGG16, in classifying Chest Xray images for diagnosis of the disease into two classes: pneumonia positiveandnegative. TheCNNmodelachieved the best performance, with an accuracy of 80%. This is comparable to the performance of human radiologists in diagnosing pneumonia. Overall, this study provides promising evidence that deep learning can be used to improve the accuracy and efficiency of pneumonia diagnosis. 1. INTRODUCTION In an age defined by technological advances, our world has undergone a remarkable transformation. Technology's widespread influence touches every aspectofourdailylives, from the way we communicate to how we work and, importantly, how we approach healthcare. In the realm of healthcare, technology has been a catalystfor extraordinary changes. Over the years, it has evolved from the early use of electronic health records to the adoption of telemedicine, revolutionising patient care and making it more accessible. However, amidst these transformative developments, one enduring challenge in the medical field remains the need for quicker and more accurate disease detection. The ability to swiftly and precisely identify ailments, especially for critical conditions likepneumonia or cancer. Traditional diagnostic methods are often time- consuming and may lack the precision required for timely interventions. This is where AI techniques can help us. Deep learning algorithms have intelligent and mathematically proven image classification techniques that harness the potential to revolutionise disease detection, offering a solution to the challenges of speed and precision. With its ability to rapidly analyse vast amounts of medical data, we can significantly enhance the diagnostic process, potentially saving lives through quicker and more accurate assessments. In the context of healthcare, the fusion of AI and medicine is not just a concept; it's an ongoing reality. Researchers and healthcare professionals around the world are actively exploring how AI algorithms can be utilised to improve patient outcomes. One area of focus is the classification of Pneumonia through the analysis of X-ray images, a field of study that holds immense promise. In this paper, we will be exploring the methodologies, challenges, and implications of employing deep learning techniques to classify X-ray images, especially in the context of Pneumonia detection. In this investigative study, we will trace out the intricacies of AI-driven X-ray image analysis, addressing both its potential and limitations and how different transfer learning models are able to handle it in terms of performance primarily focusing on accuracy and precision. 2. LITERATURE SURVEY A survey paper by Geert Litjens et al. reviews themajordeep learning concepts pertinent to medical image analysis.Since the advent of digitising medical images, researchers have pioneered automated analysis systems. Initially during the 1970s-1990s, rule-based systems with low-level pixel processing and mathematical modelling were prevalent. In the late 1990s, supervised techniques gained popularity, utilising training data for system development. The shift from handcrafted features to learned features marked a pivotal moment, leading to the rise of deep learning algorithms, particularly Convolutional Neural Networks (CNNs). The watershedmomentoccurredwiththesuccessof AlexNet in 2012, sparking a surge in deep learning applications to medical image analysis. Deep learning significantly impactedmedical imageanalysis,particularlyin exam classification, where small datasets pose challenges compared to computer vision.[1] Daniel Joseph Alapat et al. explores the detection of pneumonia, an infection affecting lung alveoli, manifested with symptoms like cough and chest pain. High-risk groups, like asthma patients and people with low immunity, face the complications. Medical imaging, particularly chest X-rays, aids diagnosis, but classification still remains challenging. Deep learning algorithms promise enhanced accuracy in interpreting chest X-ray data. While neural networks assist diagnosis, they are not a substituteforphysicians.Numerous neural network-based approaches successfully detect pneumonia from chest X-rays. This paper compares these approaches using the Chest X-ray 14 dataset to assess technology maturity.[2]
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 616 Study by Dimpy Varshni et al. evaluates pre-trained CNN models for classifying abnormal and normal chest X-rays, addressing challenges in pneumonia diagnosis. Combining CNN-based feature extraction and an SVM (support vector machine) classifier, it proved optimal for classifyingchest X- ray images, leveraging DenseNet’s substantial features. ResNet50 and DenseNets emerged as top performers, guiding their model selection. Despite the achievements, limitations include the absence of patient history and exclusive use of frontal chest X-rays. Computational power requirements and the need for expert radiologists also pose challenges.[3] 3. NEURAL NETWORKS The concept of deep learning has advanced through the emergence of neural networks, which drawinspirationfrom the human brain's neurons. Artificial Neural Networks (ANNs) consist of interconnected neurons that process inputs using an objective function, producing desired outputs. In deep learning, stackedneural networkscomprise multiple layers called nodes, where mathematical computations occur. Nodes, functioning as independent regression models, utilise input data, weights, a bias, and an activation function to determine signal progression, facilitating the final output or classification. Classification of neural networks include: ● Feed Forward Neural Network (FFNN) ● Convolutional Neural Networks (CNN) ● Recurrent Neural Networks (RNN) A feedforward neural network (FFNN) is one of the simplest types of neural networks. Despite their simplicity, they can model complex relationships in data and have been the foundation for more complex neural network architectures. Convolutional neural networks (CNNs) are commonly applied for image and pattern recognition, utilising linear algebra principles, especially matrix multiplication, to recognize patterns in images. Recurrent neural networks (RNNs) are characterised by feedback loops and find utility in predictingfutureoutcomes from time-series data, such as sales forecasts or stock market predictions. 3.1 Convolutional Neural Networks (CNN): The Convolutional Neural Network (CNN), stands among various Deep Learning algorithms. It analyses images, assigning weights or biases to classify them. CNN's goals encompass image classification, clustering based on similarities, and object recognition. The network consists of four layers, starting with the convolutional layer, the algorithm's core, whichperformsthe primarycomputational work using filters or kernels. The Activation layer follows, employing the rectifier function (ReLU) for improved non- linearity. The third layer, Pooling, aids in down sampling image features, incorporating hyperparameters like the dimension of spatial extent and stride.[4] 3.2 DenseNet201: Several researchers overlook the prerequisite for input images to adhere to specific criteria for CNN's optimal functionality.Thealgorithm necessitateshigh-qualityimages with a white background for efficiency. While some studies use realistic images, they neglect unforeseen consequences. To address this discrepancy, DenseNet 201 is employed to minimise errors and enhance performance. DenseNet is recognized as a top performer in image classification on popular datasets like CIFAR-10 and ImageNet. It employs a straightforward pattern, connectinglayersdirectlyina feed- forward manner, where each layer incorporates additional inputs from preceding layers and transmits its own feature maps to subsequent layers.[4] 3.3 VGG16: VGG16 stands out as a Convolutional Neural Network (CNN), recognized as one of the most advanced computer vision models. The model's creators enhanced its depth by employing an architecture with compact (3 × 3) convolution filters, resulting in a notable improvement over previous configuration. The depth was extended to 16–19 weight layers, totalling approximately 138 trainable parameters. A Convolutional Neural Network, also referred to as ConvNet, comprises an input layer, an output layer, and multiple hidden layers. 4. DATASET ANALYSIS In order to perform classification, we used the Chest X-ray Pneumonia Dataset which is a hugely popular dataset available, sourced from Kaggle, a crowd-sourced and open- source platform used by data scientists and hobbyists around the world to get trained and challenged to solve numerous real-world problems. The Chest X-rayPneumonia Dataset consists of 5863 images of X-ray images distributed over 2 different classes which are scans of normal and abnormal chests. The images are then split in the ratio as train, validation and test data. We then resized every image into 256x256 pixels for the purpose of training and evaluating our model. 5. PROPOSED METHOD Humans are susceptible to a variety of diseases. By using deep learning algorithms, we are detecting and also classifying the presence of pneumonia. Deep learning, a vibrant research area in image classification and computer vision, employs Convolutional Neural Networks (CNN) with input and output layers and multiple hidden layers,
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 617 including convolutional, pooling, fully connected, and sometimes Sigmoid layers. Utilising the New Chest-Xray- Pneumonia dataset, featuring normal andabnormal ChestX- rays, we trained a CNN with six layers, augmenting images through ImageDataGenerator to enhance dataset size. While promising, we explored alternatives like DenseNet201, a pre-trained model with 201 layers, and VGG16, which enhances depth with (3 × 3) convolution filters. Comparatively, results were more promising with VGG16, and our primary goal was to assess the accuracyand efficiency of all three models. The models consideredthebackgroundofimagestoevaluate performance, recognizing that the datasets with plain backgrounds lacked practical realism. 6. PERFORMANCE ANALYSIS 6.1 Convolutional Neural Network (CNN) The interactive heatmap presents the confusion matrix, offering a graphical summary of predictions. This matrix contrasts actual test images with model predictions generated by CNN after the training process. Rows correspond to predicted classes, while columns represent the actual test values. From the table it is evident that model predictions are almost accurate, But we can also infer that the normal class has more misclassifications. These are indicated by the intensity of the green colour, i.e., the more intense the colour, the more accurate the prediction is. The intensity level can be viewed on the right side. The graph depicts the plot between loss and validation loss of CNN model training. We used 5 epochs and patience as 2. While in the beginning, the loss is very high around 0.4, validation loss is below 0.5, during training, till the first epoch, both loss and validation loss comes down. During the 2nd epoch, there was a substantial increaseinvalidationloss even though the loss was decreasing, the training still continued as we specified patience as 2. After the 3rd epoch the validation loss continues to rise, and the model initiates early stopping. 6.2 DenseNet201 The interactive heatmap presents the confusion matrix, offering a graphical summary of predictions. This matrix contrasts actual test images with model predictions generated by CNN after the training process. Rows correspond to predicted classes, while columns represent the actual test values. From the table it is evident that model predictions are almost accurate, But we can also infer that the normal class has some misclassifications. These are indicated by the intensity of the green colour, i.e., the more intense the colour, the more accurate the prediction is. The intensity level can be viewed on the right side. The graph depicts the plot between loss and validation loss of CNN model training. We used 5 epochs and patience as 2. While in the beginning, the loss is very high around 0.2, validation loss is above 0.5, during training, after the first epoch, both loss and validation loss comes down. During the 2nd epoch, there was a slight increase in validation loss but it decreased again in the next epoch, the training still continued as we specified patience as 2. After the 3th epoch
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 618 the difference between validation loss and loss continues to rise, and the model initiates early stopping. 6.1 VGG16 The interactive heatmap presents the confusion matrix, offering a graphical summary of predictions. This matrix contrasts actual test images with model predictions generated by CNN after the training process. Rows correspond to predicted classes, while columns represent the actual test values. From the table it is evident that model predictions are almost accurate, which is indicated by the intensity of the green colour, i.e.,themoreintensethecolour, the more accurate the prediction is. The intensity level can be viewed on the right side. The graph depicts the plot between loss and validation loss of CNN model training. We used 5 epochs and patience as 2. While in the beginning, the loss is very high around 0.3, validation loss is below 0.5, during training, after the 1st epoch, loss comes down and validation loss increases. After which in subsequent epochs, the loss and validation loss decrease. From the 3rd epoch, there was a slight increase in Validation loss. The trainingcontinuedaswesetthepatience as 2. After the 5th epoch the validation loss continuestorise, and the model initiates early stopping. 7. CONCLUSIONS This research delves into the application of deep learning concepts, specifically convolutional neural networks (CNN) and transfer learning, to investigate their impact on pneumonia detection. Utilising the Chest-Xray-Pneumonia dataset, three CNN models were employed:a basicCNN built from scratch, the pre-trained Densenet201, and VGG16. Results indicate that VGG16 consistently outperforms the basic CNN and pre-trainedDensNet201modelsinclassifying the two pneumonia classes. Image augmentationtechniques were employed during network training to enhance classification accuracy in various scenarios. Our model faces limitations in handling black and white noise in the images for prediction and the absence of a precisely scaled and accurate Chest X-Rayimagedataset.We aim to enhance the efficacy of image augmentation in mitigating the challenges posedbycomplexvariationsintest images and aspire to create an application enabling users to predict pneumonia at a very cheap rate. 8. ACKNOWLEDGEMENT I extend my heartfelt gratitude to Saai Vignesh P for his valuable guidance and support in dataset augmentation & model training. His insightful feedback, and support significantly contributed to the refinement of this study. 9. REFERENCES [1] Geert Litjens, Thijs Kooi, Babak Ehteshami Bejnordi, Arnaud Arindra Adiyoso Setio, Francesco Ciompi, Mohsen Ghafoorian, Jeroen A.W.M. van der Laak, Bram van Ginneken, Clara I. Sánchez, “A survey on deep learning in medical image analysis”, Medical Image Analysis, Volume 42, 2017,
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 11 | Nov 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 619 [2] Alapat DJ, Menon MV, Ashok S. A Review on Detection of Pneumonia in Chest X-ray Images Using Neural Networks. J Biomed Phys Eng. 2022 Dec [3] D. Varshni, K. Thakral, L. Agarwal, R. Nijhawan and A. Mittal, "Pneumonia Detection Using CNN based Feature Extraction," 2019 IEEE International Conference on Electrical, Computer and Communication Technologies (ICECCT), Coimbatore, India, 2019 Vishnuvaradhan Moganarengam, Saai Vignesh P, “Plant Disease Classification using CNN and DenseNet, a Comparative Study”, IRJET, Chennai, India, Nov 2021