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: 05 | May 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 1630
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
Shubham Verma
1
, Kushagra Anand
2
, Kartik Verma
3
, Ms. Deepti Gupta (Guide)
4
, Ms. Kavita
Saxena(Co-Guide)5
1Shubham Verma, Dept. of Computer Science Engineering, Maharaja Agrasen Institute of Technology, Delhi, India
2Kushagra Anand, Dept. of Computer Science Engineering, Maharaja Agrasen Institute of Technology, Delhi, India
3Kartik Verma, Dept. of Computer Science Engineering, Maharaja Agrasen Institute of Technology, Delhi, India
4Assistant Professor Ms.Deepti Gupta, Dept. of Computer Science Engineering, Maharaja Agrasen Institute of
Technology, Delhi, India
5Assistant Professor Ms.Kavita Saxena, Dept. of Computer Science Engineering, Maharaja Agrasen Institute of
Technology, Delhi, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - There have been several studies that have used
deep learning techniques to detect disease from medical
images such as chest X-rays or CT scans. These techniques
involve training a model on a large dataset of labeled
images, where the model learns to recognize patterns and
features that are indicative of disease related to chest
infection. One example of a study that used deep learning for
this purpose was published in the journal Radiology in 2017.
In this study, the authors trained a convolutional neural
network (CNN) on a dataset of chest X-rays and found that
the CNN was able to accurately classify images as normal or
infected with an AUC (area under the curve) of 0.97. Another
example is a study published in the journal Chest in 2018.
The authors found that their model had an accuracy of
89.6% and an AUC of 0.94. Overall, the use of deep learning
and for disease detection shows promising results and has
the potential to improve the accuracy and efficiency of the
diagnosis process.
Key Words: Deep Learning, CNN, Chest X-Ray Images.
1. INTRODUCTION
Traditionally, Various diseases have been diagnosed using
clinical symptoms, physical examination, and imaging
tests such as chest X-rays. However, these methods can be
subjective and may not always provide accurate results.
Deep learning technique offer a potential solution to
improve the accuracy and efficiency of disease diagnosis.
These techniques involve traininga model on a large dataset
of labelled images, where the model learns to recognize
patterns and features that are indicative of diseases related
to chest. One approach that has been widely used is transfer
learning, which involves pre- training a model on a large
dataset and then fine-tuning it on a smaller, specific dataset
for a particular task.
CNN Architectures has been applied to disease detection
using chest X-rays with promising results. For example, a
study published in the journal Radiology in 2017 used a
convolutional neural network (CNN) trained on a large
dataset of chest X-rays and found that the CNN was able to
accurately classify images as normal or Disease with an
AUC (area under the curve) of 0.97.
Overall, the use of deep learning for disease detection
using chest X-rays as the dataset shows promise as a way to
improve the accuracy and efficiency of diagnosis and has
the potential to benefit patients and healthcare systems.
2. DATASET
The Lung Infection in Chest X-ray Images dataset: This
dataset contains over 3453 chest X-ray images. It has been
widely used in research studies. Overall, these datasets
provide a diverse range of chest X-ray images that can be
used to train and evaluate models for disease detection.
Chest X-ray images (anterior-posterior) were selected from
retrospective cohorts of pediatric patients one to five years
old from Guangzhou Women and Children’s Medical Center,
Guangzhou. Analysis of chest x-ray images was done on all
chest radiographs that were initially screened for quality
control by removing all low-quality or unreadable x-ray
images. The diagnoses for the images were then graded by
two expert physicians before being cleared for training in
the AI system. To check the grading errors, the evaluation
set was confirmed by a third expert.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 05 | May 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 1631
Fig-1: Normal CXR Images
Fig-2: Infected CXR Images
3. METHODOLOGY
The methodology for using deep learning techniques to
detect and predict disease varies depending on the
specific approach and datasources used. Here is a general
outline of the steps that may be involved in this process:
1. Data collection: A dataset of chest X-ray images is
obtained, such as the Lung Infection in Chest X-ray
Images, which consists of a large number of labeled
images with various chest diseases. The dataset includes
both "Disease" and "Normal" categories.
2. Data preprocessing: The chest X-ray images are
preprocessed to enhance the quality and prepare them
for model training. Preprocessing steps may include
resizing the images, normalizing pixel values, and
augmenting the data to increase the diversity and
quantity of the training set.
3. Model selection: Suitable and deep learning models
are chosen for the disease detection task. Commonly
used models include convolutional neural networks
(CNNs) and transfer learning models. It involves utilizing
pre-trained models on large datasets and fine-tuning
them on the specific chest X-ray dataset.
4. Model Training: The selected model is trained using
the preprocessed chest X-ray images. The training
process involves feeding the images into the model,
optimizing the model parameters through
backpropagation, and minimizing the loss function.
5. Model Evaluation: The trained model is evaluated
using a separate test set of chest X-ray images. Evaluation
metrics such as accuracy, precision, recall, and area under
the curve (AUC) are calculated to assess the performance
of the model in detecting diseases accurately.
6. Model deployment: If the model performs well, it can
be deployed in a clinical setting to assist with a disease
diagnosis. This may involve integrating the model into a
computer-aided diagnosis system or using it to generate a
probability score that can aid decision-making.
Overall, the methodology for disease detection using deep
learning involves a number of steps that require careful
consideration and optimization to achieve good
performance.
4. MODELS
Several types of deep learning models have been used for
Disease detection. We have used the following methods
for Disease detection:
4.1 Convolutional neural networks (CNNs)
These are a type of deep learning models that are
particularly well-suited for image classification tasks.
They consist of multiple layers of interconnected nodes
that are trained to recognize patterns and features in
images. CNNshave been widely used for disease detection
and have achieved good results in a number of studies.
We Build a separate generator for valid and test sets. We
cannot use the same generator for the previously trained
data because it normalizes each image per batch, meaning
that it uses batch statistics. We should not be able to do
batch tests and validations of data, because in the real-life
scenario we don't process input images in a batch as it is
not possible. We will have the advantage of knowing the
average per batch of test data. That is why we need to do
is to normalize input test data using the statistics
functions from the training dataset.
4.2 DenseNet
DenseNet is a type of convolutional neural network (CNN)
that has been used for various image classification tasks,
including disease detection. It was introduced in a paper
published in the journal Computer Vision and Pattern
Recognition in 2017. One of the key features of DenseNet is
that it uses dense connectivity, which means that each
layer in the network is connected to all of the preceding
layers. This allows the network to learn more efficiently
and reduces the risk of overfitting. There have been a
number of studies that have used DenseNet for disease
detection using chest X-ray images. For example, a study
published in the journal Biomedical Signal Processing and
Control in 2019 used DenseNet to classify chest X-ray
images as normal or infected. Overall, DenseNet has shown
good performance for disease detection using chest X-ray
images and may be a promising approach for this task.
However, it is important to carefully evaluate the
performance of different models and choose the one that is
most suitable for a particular dataset and task.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 05 | May 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 1632
4.3 VGG-16
VGG-16 is a type of convolutional neural network (CNN)
that was introduced in a paper published in the journal
Computer Science in 2014. It was developed by the Visual
Geometry Group at the University of Oxford and has been
widely used for various image classification tasks,
including disease detection. One of the key features of
VGG-16 is its use of small, 3x3 convolutional filters, which
allows it to capture fine-grained details in images. It also
uses a large number of layers, which allows it to learn
complex patterns and features in the data. There have
been a number of studies that have used VGG-16 for
disease detection using chest X-ray images. For example, a
study published in the journal Biomedical Signal
Processing and Control in 2018 used VGG-16 to classify
chest X-ray images as normal or affected. Overall, VGG-16
has shown good performance for disease detection using
chest X-ray images and may bea promising approach for
this task. However, it is important to carefully evaluate the
performance of different models and choose the one that
is most suitable for a particular dataset and task.
4.4 ResNet
ResNet is a type of convolutional neural network (CNN)
that has been used for various image classification tasks,
including Disease detection. It was introduced in a paper
published in the journal Computer Vision and Pattern
Recognition in 2015. One of the key features of ResNet is
its use of residual connections, which allow the network to
learn more efficiently and reduce the risk of overfitting. It
also has a very deep architecture, with over 50 layers,
which allows it to learn complex patterns and features in
the data. Overall, ResNet has shown good performance for
Disease detection using chest X-ray images and may be a
promising approach for this task. However, it is important
to carefully evaluate the performance of different models
and choose the one that is most suitable for a particular
dataset and task.
4.5 Inception Net
InceptionNet is a type of convolutional neural network
(CNN) that has been used for various image classification
tasks, including Disease detection. It was introduced ina
paper published in the journal Computer Vision and
Pattern Recognition in 2014. One of the key features of
InceptionNet is its use of inception modules, which allow
the network to learn multiple scales and sizes of features
in the data. It also has a relatively shallow architecture
compared to some other CNNs, which makes it more
efficient and easier to train. Overall, InceptionNet has
shown good performance for Disease detection using
chest X-ray images and may be a promising approach for
this task. However, it is important to carefully evaluate
theperformance of different models and choose the one
that is most suitable for a particular dataset and task.
5. EVALUATION METRICS
There are several evaluation metrics that can be used to
assess the performance of a model for Disease detection.
True positive and true negative are terms used to describe
the performance of a classifier in a binary classification
task. True positives (TP) are instances wherethe classifier
correctly predicts the positive class. True negatives (TN)
are instances where the classifier correctly predicts the
negative class. False positives (FP) are instances where
the classifier predicts the positive class but the instance is
actually negative. False negatives (FN) are instances
where the classifier predicts the negative class but the
instance is actually positive. Some common metrics
include:
1. Accuracy: This is the percentage of images that are
correctly classified by the model. It is calculated by
dividing the number of correct predictions by the
totalnumber of predictions.
Accuracy = (True Positives + True Negatives) / Total
Predictions
2. Precision: This is the percentage of predicted
positive cases (i.e., cases where the model predicts
Disease) that are actually positive. It is calculated by
dividing the number of true positive predictions by
the total number of positive predictions.
Precision = True Positives / (True Positives + False
Positives)
3. Recall: This is the percentage of actual positive cases
(i.e., cases where the patient has Disease) that are
correctly predicted by the model. It is calculated by
dividing the number of true positive predictions by
the total number of actual positive cases.
Recall = True Positives / (True Positives + False
Negatives)
4. F1 score: This is the harmonic mean of precision and
recall. It is calculated by taking the average of the
precision and recall, with higher weights given to
lower values.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 05 | May 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 1633
Fig-3: CNN Evaluation Metrics
Fig-4: CNN_2 Evaluation Metrics
6. RESULT AND ANALYSIS
Fig-5: DenseNet Evaluation Metrics
In this section, we attempt to analyze the classification
using metrics such as accuracy and loss. There have been
numerous studies that have analyzed the use of for
Disease detection. Overall, the results of these studies have
been promising, with models demonstrating high
accuracy in identifying Disease from medical images. We
try to put Training and Validation Accuracy into a graph
representation using accuracy on the y-axis and epochs on
the x-axis. The results came out to be as following for the
different models:
Fig-6: CNN model
Fig-7: CNN_2 model
Fig-8: DenseNet model
Fig-9: VGG-16 model
Fig-10: ResNet model
Fig-11: InceptionNet model
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 05 | May 2023 www.irjet.net p-ISSN: 2395-0072
We would like to acknowledge the contribution of the
following people without whose help and guidance this
research would not have been completed. We
acknowledge and counsel and support of faculty from
Maharaja Agrasen Institute of Technology for providing
us a platform to research on the topic “ APPLICATION
OF CNN MODEL ON MEDICAL IMAGE” and also would to
thank our HOD Dr. Namita Gupta for giving us the
opportunities and time to conduct and research on our
topic. This acknowledgment will remain incomplete if
we fail to express our deep sense of obligation to our
guide Ms. Deepti Gupta and our co-guide Ms. Kavita
Saxena (CSE Department). We are indeed fortunate and
proud to be supervised by them during our research,
which would have seemed difficult without their
motivation, constant support, and valuable suggestion.
We shall ever remain in debt of our parents and friends
for their support and encouragement during the
research. It would’ve been impossible without their
cooperation and support.
[1] Alom MZ, Hasan M, Islam MT, et al. Automatic
Disease detection from chest X-ray images using a deep
convolutional neural network. In 2018 International
Conference on Informatics, Electronics and Vision
(ICIEV) (pp. 1-6). IEEE, 2018
[2] Han B, Kim Y, Kim H, Lee S. A deep learning-based
approach for detecting Disease from chest X-rays.
Computers in Biology and Medicine, 98: 58-64, 2018.
[3] Tulabandhula S, Mehta K, Elgendy IY, et al. Deep
learning-based automated detection of Disease from
chest radiographs. Journal of Medical Systems, 43(2): 31,
2019.
[4] Li Q, Zhang L, Chen M, et al. Automated detection of
Disease in chest X-ray images using a deep learning
model. Radiology, 291(3): 673-681, 2019.
7. Conclusions
8. Acknowledgement
We have coverted Dicom(.dcm) images to JPEG. We have
proposed various models that detect Disease from chest
x-ray images. We have made this model from scratch and
all the models are purely based on CNN models.
However, there are also some limitations to consider
when using CNNs for Disease detection. One potential
issue is the need for a large amount of annotated data to
train the model, which can be time-consuming and
expensive to collect. In the future, further research is
needed to better understand the strengths and
limitations of CNNs for Disease detection and to identify
the most effective approaches for different types of
datasets.
9. REFERENCES
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 1634

More Related Content

What's hot

Breast cancer diagnosis and recurrence prediction using machine learning tech...
Breast cancer diagnosis and recurrence prediction using machine learning tech...Breast cancer diagnosis and recurrence prediction using machine learning tech...
Breast cancer diagnosis and recurrence prediction using machine learning tech...eSAT Journals
 
Complex Network Analysis
Complex Network Analysis Complex Network Analysis
Complex Network Analysis Annu Sharma
 
Prediction of heart disease using machine learning.pptx
Prediction of heart disease using machine learning.pptxPrediction of heart disease using machine learning.pptx
Prediction of heart disease using machine learning.pptxkumari36
 
Heart Disease Prediction using Machine Learning Algorithm
Heart Disease Prediction using Machine Learning AlgorithmHeart Disease Prediction using Machine Learning Algorithm
Heart Disease Prediction using Machine Learning Algorithmijtsrd
 
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptx
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptxCardiovascular Disease Prediction Using Machine Learning Approaches.pptx
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptxTaminul Islam
 
Data mining: Concepts and Techniques, Chapter12 outlier Analysis
Data mining: Concepts and Techniques, Chapter12 outlier Analysis Data mining: Concepts and Techniques, Chapter12 outlier Analysis
Data mining: Concepts and Techniques, Chapter12 outlier Analysis Salah Amean
 
Machine Learning - Breast Cancer Diagnosis
Machine Learning - Breast Cancer DiagnosisMachine Learning - Breast Cancer Diagnosis
Machine Learning - Breast Cancer DiagnosisPramod Sharma
 
Skin Disease Detection using Convolutional Neural Network
Skin Disease Detection using Convolutional Neural NetworkSkin Disease Detection using Convolutional Neural Network
Skin Disease Detection using Convolutional Neural NetworkIRJET Journal
 
DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...
 DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI... DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...
DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...Nexgen Technology
 
Brain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI ImagesBrain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI ImagesIJRAT
 
Heart Disease Identification Method Using Machine Learnin in E-healthcare.
Heart Disease Identification Method Using Machine Learnin in E-healthcare.Heart Disease Identification Method Using Machine Learnin in E-healthcare.
Heart Disease Identification Method Using Machine Learnin in E-healthcare.SUJIT SHIBAPRASAD MAITY
 
Plagiarism
PlagiarismPlagiarism
PlagiarismALI2512
 
Plagiarism and its detection
Plagiarism and its detectionPlagiarism and its detection
Plagiarism and its detectionankit_saluja
 
Diabetes prediction using different machine learning approaches
Diabetes prediction using different machine learning approachesDiabetes prediction using different machine learning approaches
Diabetes prediction using different machine learning approachesCloudTechnologies
 
Analysis of retracted papers
Analysis of retracted papers Analysis of retracted papers
Analysis of retracted papers C0pe
 
Brain Tumour Detection.pptx
Brain Tumour Detection.pptxBrain Tumour Detection.pptx
Brain Tumour Detection.pptxRevolverRaja2
 
IRJET- Diabetes Diagnosis using Machine Learning Algorithms
IRJET- Diabetes Diagnosis using Machine Learning AlgorithmsIRJET- Diabetes Diagnosis using Machine Learning Algorithms
IRJET- Diabetes Diagnosis using Machine Learning AlgorithmsIRJET Journal
 
Face detection and recognition report with pi in single poster
Face detection and recognition report with pi in single posterFace detection and recognition report with pi in single poster
Face detection and recognition report with pi in single posterhetvi naik
 

What's hot (20)

Disease Prediction by Machine Learning Over Big Data From Healthcare Communities
Disease Prediction by Machine Learning Over Big Data From Healthcare CommunitiesDisease Prediction by Machine Learning Over Big Data From Healthcare Communities
Disease Prediction by Machine Learning Over Big Data From Healthcare Communities
 
Breast cancer diagnosis and recurrence prediction using machine learning tech...
Breast cancer diagnosis and recurrence prediction using machine learning tech...Breast cancer diagnosis and recurrence prediction using machine learning tech...
Breast cancer diagnosis and recurrence prediction using machine learning tech...
 
Complex Network Analysis
Complex Network Analysis Complex Network Analysis
Complex Network Analysis
 
Prediction of heart disease using machine learning.pptx
Prediction of heart disease using machine learning.pptxPrediction of heart disease using machine learning.pptx
Prediction of heart disease using machine learning.pptx
 
Heart Disease Prediction using Machine Learning Algorithm
Heart Disease Prediction using Machine Learning AlgorithmHeart Disease Prediction using Machine Learning Algorithm
Heart Disease Prediction using Machine Learning Algorithm
 
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptx
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptxCardiovascular Disease Prediction Using Machine Learning Approaches.pptx
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptx
 
Data mining: Concepts and Techniques, Chapter12 outlier Analysis
Data mining: Concepts and Techniques, Chapter12 outlier Analysis Data mining: Concepts and Techniques, Chapter12 outlier Analysis
Data mining: Concepts and Techniques, Chapter12 outlier Analysis
 
Machine Learning - Breast Cancer Diagnosis
Machine Learning - Breast Cancer DiagnosisMachine Learning - Breast Cancer Diagnosis
Machine Learning - Breast Cancer Diagnosis
 
Skin Disease Detection using Convolutional Neural Network
Skin Disease Detection using Convolutional Neural NetworkSkin Disease Detection using Convolutional Neural Network
Skin Disease Detection using Convolutional Neural Network
 
DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...
 DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI... DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...
DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...
 
Brain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI ImagesBrain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI Images
 
Heart Disease Identification Method Using Machine Learnin in E-healthcare.
Heart Disease Identification Method Using Machine Learnin in E-healthcare.Heart Disease Identification Method Using Machine Learnin in E-healthcare.
Heart Disease Identification Method Using Machine Learnin in E-healthcare.
 
Plagiarism
PlagiarismPlagiarism
Plagiarism
 
Plagiarism and its detection
Plagiarism and its detectionPlagiarism and its detection
Plagiarism and its detection
 
Diabetes prediction using different machine learning approaches
Diabetes prediction using different machine learning approachesDiabetes prediction using different machine learning approaches
Diabetes prediction using different machine learning approaches
 
Analysis of retracted papers
Analysis of retracted papers Analysis of retracted papers
Analysis of retracted papers
 
Brain Tumour Detection.pptx
Brain Tumour Detection.pptxBrain Tumour Detection.pptx
Brain Tumour Detection.pptx
 
IRJET- Diabetes Diagnosis using Machine Learning Algorithms
IRJET- Diabetes Diagnosis using Machine Learning AlgorithmsIRJET- Diabetes Diagnosis using Machine Learning Algorithms
IRJET- Diabetes Diagnosis using Machine Learning Algorithms
 
Face detection and recognition report with pi in single poster
Face detection and recognition report with pi in single posterFace detection and recognition report with pi in single poster
Face detection and recognition report with pi in single poster
 
FAKE NEWS DETECTION PPT
FAKE NEWS DETECTION PPT FAKE NEWS DETECTION PPT
FAKE NEWS DETECTION PPT
 

Similar to APPLICATION OF CNN MODEL ON MEDICAL IMAGE

Pneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer LearningPneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer LearningIRJET Journal
 
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfresearchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfAvijitChaudhuri3
 
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
 
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...IRJET Journal
 
IRJET - Classification of Cancer Images using Deep Learning
IRJET -  	  Classification of Cancer Images using Deep LearningIRJET -  	  Classification of Cancer Images using Deep Learning
IRJET - Classification of Cancer Images using Deep LearningIRJET Journal
 
BRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONBRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONIRJET Journal
 
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
 
harsh final ppt (2).pptx
harsh final ppt (2).pptxharsh final ppt (2).pptx
harsh final ppt (2).pptxAkbarali206563
 
IRJET- Classifying Chest Pathology Images using Deep Learning Techniques
IRJET- Classifying Chest Pathology Images using Deep Learning TechniquesIRJET- Classifying Chest Pathology Images using Deep Learning Techniques
IRJET- Classifying Chest Pathology Images using Deep Learning TechniquesIRJET Journal
 
IRJET - Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET -  	  Lung Disease Prediction using Image Processing and CNN AlgorithmIRJET -  	  Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET - Lung Disease Prediction using Image Processing and CNN AlgorithmIRJET 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
 
Pneumonia Detection System using AI
Pneumonia Detection System using AIPneumonia Detection System using AI
Pneumonia Detection System using AIIRJET Journal
 
Brain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep LearningBrain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep LearningIRJET Journal
 
Pneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network WritersPneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network WritersIRJET Journal
 
Using Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionUsing Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionIRJET Journal
 
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...IRJET Journal
 
Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...TELKOMNIKA 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
 
An Innovative Deep Learning Framework Integrating Transfer- Learning And Extr...
An Innovative Deep Learning Framework Integrating Transfer- Learning And Extr...An Innovative Deep Learning Framework Integrating Transfer- Learning And Extr...
An Innovative Deep Learning Framework Integrating Transfer- Learning And Extr...IRJET Journal
 
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET Journal
 

Similar to APPLICATION OF CNN MODEL ON MEDICAL IMAGE (20)

Pneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer LearningPneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer Learning
 
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfresearchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
 
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
 
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...
 
IRJET - Classification of Cancer Images using Deep Learning
IRJET -  	  Classification of Cancer Images using Deep LearningIRJET -  	  Classification of Cancer Images using Deep Learning
IRJET - Classification of Cancer Images using Deep Learning
 
BRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONBRAIN TUMOR DETECTION
BRAIN TUMOR DETECTION
 
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
 
harsh final ppt (2).pptx
harsh final ppt (2).pptxharsh final ppt (2).pptx
harsh final ppt (2).pptx
 
IRJET- Classifying Chest Pathology Images using Deep Learning Techniques
IRJET- Classifying Chest Pathology Images using Deep Learning TechniquesIRJET- Classifying Chest Pathology Images using Deep Learning Techniques
IRJET- Classifying Chest Pathology Images using Deep Learning Techniques
 
IRJET - Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET -  	  Lung Disease Prediction using Image Processing and CNN AlgorithmIRJET -  	  Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET - Lung Disease Prediction using Image Processing and CNN Algorithm
 
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 ...
 
Pneumonia Detection System using AI
Pneumonia Detection System using AIPneumonia Detection System using AI
Pneumonia Detection System using AI
 
Brain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep LearningBrain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep Learning
 
Pneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network WritersPneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network Writers
 
Using Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionUsing Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia Detection
 
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
 
Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...
 
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...
 
An Innovative Deep Learning Framework Integrating Transfer- Learning And Extr...
An Innovative Deep Learning Framework Integrating Transfer- Learning And Extr...An Innovative Deep Learning Framework Integrating Transfer- Learning And Extr...
An Innovative Deep Learning Framework Integrating Transfer- Learning And Extr...
 
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
 

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

Memory Interfacing of 8086 with DMA 8257
Memory Interfacing of 8086 with DMA 8257Memory Interfacing of 8086 with DMA 8257
Memory Interfacing of 8086 with DMA 8257subhasishdas79
 
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKARHAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKARKOUSTAV SARKAR
 
Computer Graphics Introduction To Curves
Computer Graphics Introduction To CurvesComputer Graphics Introduction To Curves
Computer Graphics Introduction To CurvesChandrakantDivate1
 
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdfAldoGarca30
 
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptxHOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptxSCMS School of Architecture
 
School management system project Report.pdf
School management system project Report.pdfSchool management system project Report.pdf
School management system project Report.pdfKamal Acharya
 
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptxS1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptxSCMS School of Architecture
 
Employee leave management system project.
Employee leave management system project.Employee leave management system project.
Employee leave management system project.Kamal Acharya
 
fitting shop and tools used in fitting shop .ppt
fitting shop and tools used in fitting shop .pptfitting shop and tools used in fitting shop .ppt
fitting shop and tools used in fitting shop .pptAfnanAhmad53
 
Hospital management system project report.pdf
Hospital management system project report.pdfHospital management system project report.pdf
Hospital management system project report.pdfKamal Acharya
 
8086 Microprocessor Architecture: 16-bit microprocessor
8086 Microprocessor Architecture: 16-bit microprocessor8086 Microprocessor Architecture: 16-bit microprocessor
8086 Microprocessor Architecture: 16-bit microprocessorAshwiniTodkar4
 
NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...
NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...
NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...Amil baba
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXssuser89054b
 
COST-EFFETIVE and Energy Efficient BUILDINGS ptx
COST-EFFETIVE  and Energy Efficient BUILDINGS ptxCOST-EFFETIVE  and Energy Efficient BUILDINGS ptx
COST-EFFETIVE and Energy Efficient BUILDINGS ptxJIT KUMAR GUPTA
 
Electromagnetic relays used for power system .pptx
Electromagnetic relays used for power system .pptxElectromagnetic relays used for power system .pptx
Electromagnetic relays used for power system .pptxNANDHAKUMARA10
 
Augmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptxAugmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptxMustafa Ahmed
 
Introduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdfIntroduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdfsumitt6_25730773
 
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...HenryBriggs2
 

Recently uploaded (20)

Memory Interfacing of 8086 with DMA 8257
Memory Interfacing of 8086 with DMA 8257Memory Interfacing of 8086 with DMA 8257
Memory Interfacing of 8086 with DMA 8257
 
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKARHAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
 
Computer Graphics Introduction To Curves
Computer Graphics Introduction To CurvesComputer Graphics Introduction To Curves
Computer Graphics Introduction To Curves
 
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf
1_Introduction + EAM Vocabulary + how to navigate in EAM.pdf
 
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptxHOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
 
School management system project Report.pdf
School management system project Report.pdfSchool management system project Report.pdf
School management system project Report.pdf
 
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptxS1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
 
Employee leave management system project.
Employee leave management system project.Employee leave management system project.
Employee leave management system project.
 
fitting shop and tools used in fitting shop .ppt
fitting shop and tools used in fitting shop .pptfitting shop and tools used in fitting shop .ppt
fitting shop and tools used in fitting shop .ppt
 
Hospital management system project report.pdf
Hospital management system project report.pdfHospital management system project report.pdf
Hospital management system project report.pdf
 
8086 Microprocessor Architecture: 16-bit microprocessor
8086 Microprocessor Architecture: 16-bit microprocessor8086 Microprocessor Architecture: 16-bit microprocessor
8086 Microprocessor Architecture: 16-bit microprocessor
 
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak HamilCara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
 
NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...
NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...
NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
 
COST-EFFETIVE and Energy Efficient BUILDINGS ptx
COST-EFFETIVE  and Energy Efficient BUILDINGS ptxCOST-EFFETIVE  and Energy Efficient BUILDINGS ptx
COST-EFFETIVE and Energy Efficient BUILDINGS ptx
 
Electromagnetic relays used for power system .pptx
Electromagnetic relays used for power system .pptxElectromagnetic relays used for power system .pptx
Electromagnetic relays used for power system .pptx
 
Augmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptxAugmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptx
 
Signal Processing and Linear System Analysis
Signal Processing and Linear System AnalysisSignal Processing and Linear System Analysis
Signal Processing and Linear System Analysis
 
Introduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdfIntroduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdf
 
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
 

APPLICATION OF CNN MODEL ON MEDICAL IMAGE

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 05 | May 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 1630 APPLICATION OF CNN MODEL ON MEDICAL IMAGE Shubham Verma 1 , Kushagra Anand 2 , Kartik Verma 3 , Ms. Deepti Gupta (Guide) 4 , Ms. Kavita Saxena(Co-Guide)5 1Shubham Verma, Dept. of Computer Science Engineering, Maharaja Agrasen Institute of Technology, Delhi, India 2Kushagra Anand, Dept. of Computer Science Engineering, Maharaja Agrasen Institute of Technology, Delhi, India 3Kartik Verma, Dept. of Computer Science Engineering, Maharaja Agrasen Institute of Technology, Delhi, India 4Assistant Professor Ms.Deepti Gupta, Dept. of Computer Science Engineering, Maharaja Agrasen Institute of Technology, Delhi, India 5Assistant Professor Ms.Kavita Saxena, Dept. of Computer Science Engineering, Maharaja Agrasen Institute of Technology, Delhi, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - There have been several studies that have used deep learning techniques to detect disease from medical images such as chest X-rays or CT scans. These techniques involve training a model on a large dataset of labeled images, where the model learns to recognize patterns and features that are indicative of disease related to chest infection. One example of a study that used deep learning for this purpose was published in the journal Radiology in 2017. In this study, the authors trained a convolutional neural network (CNN) on a dataset of chest X-rays and found that the CNN was able to accurately classify images as normal or infected with an AUC (area under the curve) of 0.97. Another example is a study published in the journal Chest in 2018. The authors found that their model had an accuracy of 89.6% and an AUC of 0.94. Overall, the use of deep learning and for disease detection shows promising results and has the potential to improve the accuracy and efficiency of the diagnosis process. Key Words: Deep Learning, CNN, Chest X-Ray Images. 1. INTRODUCTION Traditionally, Various diseases have been diagnosed using clinical symptoms, physical examination, and imaging tests such as chest X-rays. However, these methods can be subjective and may not always provide accurate results. Deep learning technique offer a potential solution to improve the accuracy and efficiency of disease diagnosis. These techniques involve traininga model on a large dataset of labelled images, where the model learns to recognize patterns and features that are indicative of diseases related to chest. One approach that has been widely used is transfer learning, which involves pre- training a model on a large dataset and then fine-tuning it on a smaller, specific dataset for a particular task. CNN Architectures has been applied to disease detection using chest X-rays with promising results. For example, a study published in the journal Radiology in 2017 used a convolutional neural network (CNN) trained on a large dataset of chest X-rays and found that the CNN was able to accurately classify images as normal or Disease with an AUC (area under the curve) of 0.97. Overall, the use of deep learning for disease detection using chest X-rays as the dataset shows promise as a way to improve the accuracy and efficiency of diagnosis and has the potential to benefit patients and healthcare systems. 2. DATASET The Lung Infection in Chest X-ray Images dataset: This dataset contains over 3453 chest X-ray images. It has been widely used in research studies. Overall, these datasets provide a diverse range of chest X-ray images that can be used to train and evaluate models for disease detection. Chest X-ray images (anterior-posterior) were selected from retrospective cohorts of pediatric patients one to five years old from Guangzhou Women and Children’s Medical Center, Guangzhou. Analysis of chest x-ray images was done on all chest radiographs that were initially screened for quality control by removing all low-quality or unreadable x-ray images. The diagnoses for the images were then graded by two expert physicians before being cleared for training in the AI system. To check the grading errors, the evaluation set was confirmed by a third expert.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 05 | May 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 1631 Fig-1: Normal CXR Images Fig-2: Infected CXR Images 3. METHODOLOGY The methodology for using deep learning techniques to detect and predict disease varies depending on the specific approach and datasources used. Here is a general outline of the steps that may be involved in this process: 1. Data collection: A dataset of chest X-ray images is obtained, such as the Lung Infection in Chest X-ray Images, which consists of a large number of labeled images with various chest diseases. The dataset includes both "Disease" and "Normal" categories. 2. Data preprocessing: The chest X-ray images are preprocessed to enhance the quality and prepare them for model training. Preprocessing steps may include resizing the images, normalizing pixel values, and augmenting the data to increase the diversity and quantity of the training set. 3. Model selection: Suitable and deep learning models are chosen for the disease detection task. Commonly used models include convolutional neural networks (CNNs) and transfer learning models. It involves utilizing pre-trained models on large datasets and fine-tuning them on the specific chest X-ray dataset. 4. Model Training: The selected model is trained using the preprocessed chest X-ray images. The training process involves feeding the images into the model, optimizing the model parameters through backpropagation, and minimizing the loss function. 5. Model Evaluation: The trained model is evaluated using a separate test set of chest X-ray images. Evaluation metrics such as accuracy, precision, recall, and area under the curve (AUC) are calculated to assess the performance of the model in detecting diseases accurately. 6. Model deployment: If the model performs well, it can be deployed in a clinical setting to assist with a disease diagnosis. This may involve integrating the model into a computer-aided diagnosis system or using it to generate a probability score that can aid decision-making. Overall, the methodology for disease detection using deep learning involves a number of steps that require careful consideration and optimization to achieve good performance. 4. MODELS Several types of deep learning models have been used for Disease detection. We have used the following methods for Disease detection: 4.1 Convolutional neural networks (CNNs) These are a type of deep learning models that are particularly well-suited for image classification tasks. They consist of multiple layers of interconnected nodes that are trained to recognize patterns and features in images. CNNshave been widely used for disease detection and have achieved good results in a number of studies. We Build a separate generator for valid and test sets. We cannot use the same generator for the previously trained data because it normalizes each image per batch, meaning that it uses batch statistics. We should not be able to do batch tests and validations of data, because in the real-life scenario we don't process input images in a batch as it is not possible. We will have the advantage of knowing the average per batch of test data. That is why we need to do is to normalize input test data using the statistics functions from the training dataset. 4.2 DenseNet DenseNet is a type of convolutional neural network (CNN) that has been used for various image classification tasks, including disease detection. It was introduced in a paper published in the journal Computer Vision and Pattern Recognition in 2017. One of the key features of DenseNet is that it uses dense connectivity, which means that each layer in the network is connected to all of the preceding layers. This allows the network to learn more efficiently and reduces the risk of overfitting. There have been a number of studies that have used DenseNet for disease detection using chest X-ray images. For example, a study published in the journal Biomedical Signal Processing and Control in 2019 used DenseNet to classify chest X-ray images as normal or infected. Overall, DenseNet has shown good performance for disease detection using chest X-ray images and may be a promising approach for this task. However, it is important to carefully evaluate the performance of different models and choose the one that is most suitable for a particular dataset and task.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 05 | May 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 1632 4.3 VGG-16 VGG-16 is a type of convolutional neural network (CNN) that was introduced in a paper published in the journal Computer Science in 2014. It was developed by the Visual Geometry Group at the University of Oxford and has been widely used for various image classification tasks, including disease detection. One of the key features of VGG-16 is its use of small, 3x3 convolutional filters, which allows it to capture fine-grained details in images. It also uses a large number of layers, which allows it to learn complex patterns and features in the data. There have been a number of studies that have used VGG-16 for disease detection using chest X-ray images. For example, a study published in the journal Biomedical Signal Processing and Control in 2018 used VGG-16 to classify chest X-ray images as normal or affected. Overall, VGG-16 has shown good performance for disease detection using chest X-ray images and may bea promising approach for this task. However, it is important to carefully evaluate the performance of different models and choose the one that is most suitable for a particular dataset and task. 4.4 ResNet ResNet is a type of convolutional neural network (CNN) that has been used for various image classification tasks, including Disease detection. It was introduced in a paper published in the journal Computer Vision and Pattern Recognition in 2015. One of the key features of ResNet is its use of residual connections, which allow the network to learn more efficiently and reduce the risk of overfitting. It also has a very deep architecture, with over 50 layers, which allows it to learn complex patterns and features in the data. Overall, ResNet has shown good performance for Disease detection using chest X-ray images and may be a promising approach for this task. However, it is important to carefully evaluate the performance of different models and choose the one that is most suitable for a particular dataset and task. 4.5 Inception Net InceptionNet is a type of convolutional neural network (CNN) that has been used for various image classification tasks, including Disease detection. It was introduced ina paper published in the journal Computer Vision and Pattern Recognition in 2014. One of the key features of InceptionNet is its use of inception modules, which allow the network to learn multiple scales and sizes of features in the data. It also has a relatively shallow architecture compared to some other CNNs, which makes it more efficient and easier to train. Overall, InceptionNet has shown good performance for Disease detection using chest X-ray images and may be a promising approach for this task. However, it is important to carefully evaluate theperformance of different models and choose the one that is most suitable for a particular dataset and task. 5. EVALUATION METRICS There are several evaluation metrics that can be used to assess the performance of a model for Disease detection. True positive and true negative are terms used to describe the performance of a classifier in a binary classification task. True positives (TP) are instances wherethe classifier correctly predicts the positive class. True negatives (TN) are instances where the classifier correctly predicts the negative class. False positives (FP) are instances where the classifier predicts the positive class but the instance is actually negative. False negatives (FN) are instances where the classifier predicts the negative class but the instance is actually positive. Some common metrics include: 1. Accuracy: This is the percentage of images that are correctly classified by the model. It is calculated by dividing the number of correct predictions by the totalnumber of predictions. Accuracy = (True Positives + True Negatives) / Total Predictions 2. Precision: This is the percentage of predicted positive cases (i.e., cases where the model predicts Disease) that are actually positive. It is calculated by dividing the number of true positive predictions by the total number of positive predictions. Precision = True Positives / (True Positives + False Positives) 3. Recall: This is the percentage of actual positive cases (i.e., cases where the patient has Disease) that are correctly predicted by the model. It is calculated by dividing the number of true positive predictions by the total number of actual positive cases. Recall = True Positives / (True Positives + False Negatives) 4. F1 score: This is the harmonic mean of precision and recall. It is calculated by taking the average of the precision and recall, with higher weights given to lower values.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 05 | May 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 1633 Fig-3: CNN Evaluation Metrics Fig-4: CNN_2 Evaluation Metrics 6. RESULT AND ANALYSIS Fig-5: DenseNet Evaluation Metrics In this section, we attempt to analyze the classification using metrics such as accuracy and loss. There have been numerous studies that have analyzed the use of for Disease detection. Overall, the results of these studies have been promising, with models demonstrating high accuracy in identifying Disease from medical images. We try to put Training and Validation Accuracy into a graph representation using accuracy on the y-axis and epochs on the x-axis. The results came out to be as following for the different models: Fig-6: CNN model Fig-7: CNN_2 model Fig-8: DenseNet model Fig-9: VGG-16 model Fig-10: ResNet model Fig-11: InceptionNet model
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 05 | May 2023 www.irjet.net p-ISSN: 2395-0072 We would like to acknowledge the contribution of the following people without whose help and guidance this research would not have been completed. We acknowledge and counsel and support of faculty from Maharaja Agrasen Institute of Technology for providing us a platform to research on the topic “ APPLICATION OF CNN MODEL ON MEDICAL IMAGE” and also would to thank our HOD Dr. Namita Gupta for giving us the opportunities and time to conduct and research on our topic. This acknowledgment will remain incomplete if we fail to express our deep sense of obligation to our guide Ms. Deepti Gupta and our co-guide Ms. Kavita Saxena (CSE Department). We are indeed fortunate and proud to be supervised by them during our research, which would have seemed difficult without their motivation, constant support, and valuable suggestion. We shall ever remain in debt of our parents and friends for their support and encouragement during the research. It would’ve been impossible without their cooperation and support. [1] Alom MZ, Hasan M, Islam MT, et al. Automatic Disease detection from chest X-ray images using a deep convolutional neural network. In 2018 International Conference on Informatics, Electronics and Vision (ICIEV) (pp. 1-6). IEEE, 2018 [2] Han B, Kim Y, Kim H, Lee S. A deep learning-based approach for detecting Disease from chest X-rays. Computers in Biology and Medicine, 98: 58-64, 2018. [3] Tulabandhula S, Mehta K, Elgendy IY, et al. Deep learning-based automated detection of Disease from chest radiographs. Journal of Medical Systems, 43(2): 31, 2019. [4] Li Q, Zhang L, Chen M, et al. Automated detection of Disease in chest X-ray images using a deep learning model. Radiology, 291(3): 673-681, 2019. 7. Conclusions 8. Acknowledgement We have coverted Dicom(.dcm) images to JPEG. We have proposed various models that detect Disease from chest x-ray images. We have made this model from scratch and all the models are purely based on CNN models. However, there are also some limitations to consider when using CNNs for Disease detection. One potential issue is the need for a large amount of annotated data to train the model, which can be time-consuming and expensive to collect. In the future, further research is needed to better understand the strengths and limitations of CNNs for Disease detection and to identify the most effective approaches for different types of datasets. 9. REFERENCES © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 1634