SlideShare a Scribd company logo
1 of 3
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1120
A Survey on Medical Image Interpretation for Predicting Pneumonia
Mrs. Rashmi B H1, Shreyas H C2, Pruthvi Patel A S3, Prashanth S4, Vinutha S5
1Assistant Professor, Department of Computer Science and Engineering, K. S Institute of Technology,
Affiliated to VTU, Belgavi, India
2,3,4,5Fourth Year B.Tech, Department of Computer Science and Engineering, K. S Institute of Technology,
Affiliated to VTU, Belgavi, India
-------------------------------------------------------------------------***------------------------------------------------------------------------
Abstract: Pneumonia is a disease which occurs in the
lungs caused by a bacterial infection. Early diagnosis is an
important factor for the successful treatment process.
Generally, the disease can be diagnosed from chest X-ray
images by an expert radiologist. The diagnoses can be
subjective for some reasons such as the appearance of
disease which can be unclear in chest X-ray images or can
be confused with other diseases. Therefore, computer-
aided diagnosis systems are needed as tools to assist in the
clinical interpretation of chest x-rays would therefore
fulfill an unmet need. This present a survey of the research
in deep learning applied to radiology.
Index Terms - Machine learning, Deep learning, Medical
imaging, CNN
I. INTRODUCTION
Medical image analysis is an active field of research for
machine learning, partly because the data is relatively
structured and labeled, and it is likely that this will be the
area where patients first interact with functioning,
practical artificial intelligence systems [1]. Deep neural
network models have conventionally been designed, and
experiments were performed upon them by human
experts in a continuing trial-and-error method. This
process demands enormous time, know-how, and
resources. To overcome this problem, a novel but simple
model is introduced to automatically perform optimal
classification tasks with deep neural network architecture.
The neural network architecture was specifically designed
for pneumonia image classification tasks. The proposed
technique is based on the convolutional neural network
algorithm, utilizing a set of neurons to convolve on a given
image and extract relevant features from them.
Demonstration of the efficacy of the proposed method
with the minimization of the computational cost as the
focal point was conducted and compared with the exiting
state-of-the-art pneumonia classification networks. In
recent times, CNN-motivated deep learning algorithms
have become the standard choice for medical image
classifications although the state-of-the-art CNN-based
classification techniques pose similar fixated network
architectures of the trial-and-error system which have
been their designing principle.
The application proposed will be able to act as a diagnostic
tool based on a deep-learning framework and CNN for the
screening of patients having Pneumonia. The Application
utilizes transfer learning, which trains a neural network
with a fraction of the data of conventional approaches. The
dataset contains X-ray images of having Pneumonia and
not having Pneumonia
II. LITERATURE SURVEY
Manali Shaha et al.[2] proposed Research in image
classification seen the evolution in computer vision
algorithm from first order moments to handcrafted
features to end to end machine learning approaches to
improve the classification accuracy.This paper talks about
the success of CNN in the order of machine learning and
computer vision field. Alex proposed an evolutionary CNN
architecture named AlexNet for object recognition task.
The major hurdle in training of CNN is availability of large
database. To improve the accuracy researches proposed
deeper CNN architecture. Simmon el al proposed VGG16
architecture for object recognition task. Improved VGG16
architecture known is VGG19 overcome the drawbacks of
AlexNet and increase the system accuracy. Two databases
calTech256 and GHIM10K where used to analyze and
compare AlexNet and VGG16.SVM classifier was analyzed.
Accuracy of CNN highly depends upon the three factors: 1)
Large scale database, 2) High end computational model
and 3) Network depth.
Shoji Kido[3] proposed Computer-aided diagnosis (CAD)
systems include two types of CAD algorithms such as
(CADe) and (CADx). CADe which is computer aided
detection which detects abnormal lesion CADx which is
computer aided diagnosis that differentiates abnormal
lesion into benign or malignant. Image features that could
detect and classify abnormalities of the lung diseases such
as lung nodules or lung disease patterns. These image
features are useful for the computer-aided classification
on the lung diseases. Defining such image features is a
difficult task due to the complicated image patterns. Deep
learning techniques improved state-of-the-art in fields of
the speech and vision. Therefore with the features of
(CADe) and (R-CNN) and CNN have developed an image
based (CADe) for detection of lung abnormalities by use of
(R-CNN).In image cases there are four cases: 1.Lung
nodules. 2. Diffuse lung diseases. 3. Image based CADx by
use of CNN. 4. Image based CADe by use of R-CNN.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1121
Zulfikar Aslan [4] proposed that CNNs are designed to
process data types that consist of the multiple dimensions
as 2-d images. There is a hierarchy of simple and complex
cells from the elements inspired from visual cortex of a
human. RNNs are mainly developed for the task of
analyzing discrete arrays of data. RNNs have structure of
circular connected nodes. There are various imagining
modalities in medical field & use of these technologies has
increasing. There will be different images from the
medical Imagining modalities .CNNs are generally used for
tasks of classification, localization, detection, segmentation
& registration over the medical image.
Enes Ayan [5] Proposed Pneumonia is inflammation of the
tissues in one or both lungs that usually caused by a
bacterial infection. Chest x-ray images are the best known
and the common clinical method for diagnosing of
pneumonia. Dataset represents the distribution of the data
when training, validating and testing phases of the model.
Data samples from the dataset show pneumonia cases and
normal cases. Data argumentation avoids the over fitting
and improves the accuracy. Transfer Learning is the idea
of overcoming the isolated learning paradigm and utilizing
knowledge acquired for task to solve. Data argumentation
was used for avoiding over-fitting, xception and vgg16
networks accuracy and loss graphics. While training the
model we used transfer learning and fine tuning. Every
network has own detection capability on dataset. Xception
network is more successful for detecting pneumonia cases.
Phat Nguyen Kieu [6] proposes Chest x-ray images or
radiographs provide a single view of the chest cavity.
Chest x-ray provides a complete view of the chest
internals and thus can be used to detect easily. To extract
the information for the task at hand without feature
selection CNN is better to work with images. To support
physicians in diagnosing disease in medicine and
treatment of doctors. The results of their initial findings
and compare performances of deep neural nets using a
combination of different network topologies and
optimization parameters. To predict the accuracy of the
classification results of data multi-CNN model used Hold-
out method for evaluating. To compute the results we use
multi-CNN model.V-64L and V-64R is used to know the
probability value for the input images. To train the model
CNN component are trained.
Emir Skejić et al. [7] Introduced Google TensorFlow is a
platform for building models in machine learning. The
basic unit in tensorflow is a computational graph, which
consist of nodes, which are operations and edges which
represent tensors. The core of tensorflow is implemented
in C++ programming language; however the main
language is python. Methods like (a) Convolution one of
the use of convolution in image processing is edge
detection. (b)Edge detection Edge detection is often the
first step in image preprocessing, which uses two methods
Image gradient and Canny filter. (c)Gaussian filtering This
is often-used method for reducing Gaussian noise in image
.other methods are Image resize, Image segmentation,
Image deblurring and Image rotation. All experiments are
performed on a single machine running 64bit linux or intel
processors. (a) Smaller data size CPU (central processing
unit) outperforms GPU (graphics processing unit) in most
cases. (b) For bigger data GPU gave better performance.
GPU efficiently handled all the bigger inputs with increase
in speed size of 3.6 times to 15 times, but for smaller data
computation is lower.
Ling Shao [8] proposed that there are three types of
knowledge that are useful for knowledge transfer: 1)
source domain features; 2) source domain features and
the corresponding labels; and 3) parameters of the pre
learned source domain models, which indicate instance-
based transfer learning inductive transfer learning and
parameter-based transfer learning, respectively. Through
the performance comparisons between knowledge
transfer techniques and non-knowledge transfer
techniques, we can conclude that brutal forcing the source
domain data for learning can degrade the performance of
the original learning system, which demonstrates the
significance of knowledge transfer. To transfer the source
domain knowledge to the target domain, methods are
designed from either the feature representation level or
the classifier level. In general, the feature representation
level knowledge transfer aims to unify the mismatched
data in different visual domains to the same feature space
and the classifier level knowledge transfer aims to learn a
target classifier based on the parameters of pre learned
source domain models, while considering the data
smoothness in the target domain. Thus, the feature
representation level knowledge transfer techniques
belong to either instance-based transfer or inductive
transfer, while most classifier level knowledge transfer
techniques belong to the parameter-based transfer.
Transfer learning is a tool for improving the performance
of the target domain model only in the case that the target
domain labeled data are not sufficient, otherwise the
knowledge transfer is meaningless. So far, most research
on transfer learning only focuses on small scale data,
which cannot well reflect the potential advantage of
transfer learning over regular machine learning
techniques. The future challenges of transfer learning
should lie in two aspects: 1) how to mine the information
that would be helpful for the target domain from highly
noisy source domain data and 2) how to extend the
existing transfer learning methods to deal with large-scale
source domain data.
Lisa Torrey [9] proposed an inductive learning task, the
objective is to induce a predictive model from a set of
training examples [28]. Often the goal is classification, i.e.
assigning class labels to examples. Examples of
classification systems are artificial neural networks and
symbolic rule-learners. Another type of inductive learning
involves modeling probability distributions over
interrelated variables, usually with graphical models.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1122
Examples of these systems are Bayesian networks and
Markov Logic Networks. The predictive model learned by
an inductive learning algorithm should make accurate
predictions not just on the training examples, but also on
future examples that come from the same distribution. In
order to produce a model with this generalization
capability, a learning algorithm must have an inductive
bias – a set of assumptions about the true distribution of
the training data. The bias of an algorithm is often based
on the hypothesis space of possible models that it
considers. For example, the hypothesis space of the Naive
Bayes model is limited by the assumption that example
characteristics are conditionally independent given the
class of an example.
In inductive transfer methods, the target-task inductive
bias is chosen or adjusted based on the source-task
knowledge. The way this is done varies depending on
which inductive learning algorithm is used to learn the
source and target tasks. Some transfer methods narrow
the hypothesis space, limiting the possible models, or
remove search steps from consideration. Other methods
broaden the space, allowing the search to discover more
complex models, or add new search steps.
Okele Stephen [10] proposed a convolutional neural
network model trained from scratch to classify and detect
the presence of pneumonia from a collection of chest X-ray
image samples. Unlike other methods that rely solely on
transfer learning approaches or traditional handcrafted
techniques to achieve a remarkable classification
performance, we constructed a convolutional neural
network model from scratch to extract features from a
given chest X-ray image and classify it to determine if a
person is infected with pneumonia. This model could help
mitigate the reliability and interpretability challenges
often faced when dealing with medical imagery. Unlike
other deep learning classification tasks with sufficient
image repository, it is difficult to obtain a large amount of
pneumonia dataset for this classification task; therefore,
we deployed several data augmentation algorithms to
improve the validation and classification accuracy of the
CNN model and achieved remarkable validation accuracy
III. Conclusion
In this study we have found the need of computer-aided
system for predicting the accurate probability of a person
having Pneumonia. The most common method used is
transfer learning. The CNN architectures VGG16, VGG19,
AlexNet, Inception and ResNet are trained using the Chest
X-ray dataset. The model which gives the most accurate
prediction will be considered for computer-aided System.
Keras integrated with the Tensor flow can be used to load
the selected model architecture. Each model architecture
is trained in google colab..
References
[1] Justin Ker, Lipo Wang, Jai Rao , And Tchoyoson Lim,
Deep Learning Applications in Medical Image Analysis,
2169-3536 2018 IEEE. Translations, Vol. 6
[2] Manali Shaha Meenakshi Pawar, “Transfer learning for
image classification”, Proceedings of the International
Conference on Electronics Communication and Aerospace
Technology, IEEE Conference ISBN: 978-1-5386-0965-1,
2018
[3] Shoji Kido, “Detection and Classification of Lung
Abnormalities by Use of Convolutional Neural Network
(CNN) and Regions with CNN Features (R-CNN), IEEE
2018.
[4] Zulfikar Aslan, “On The Use of Deep Learning Methods
On Medical Images”, International Journal on Energu &
Engineering Science, Vol 3,, 12, 2018.ages”, IEEE 2018.
[5] Enes Ayan, “Diagnosis of Pneumonia from Chest X-Ray
Images using Deep Learning”, IEEE 2019.
[6] Phat Nguyen Kieu, “Applying Multi-CNNs model for
detecting abnormal problem on chest x-ray images.
[7] Emir Skejić, Amira Šerifović-Trbalić Performance of
some image processing algorithms in TensorFlow Damir
Demirović, University of Tuzla, Faculty of Electrical
Engineering, Franjevačka 2, 75000 Tuzla, Bosnia and
Herzegovina
[8] Ling Shao, Fan Zhu, Xuelong Li, “Transfer Learning for
Visual Categorization: A Survey”, --IEEE Transaction on
Neural Networks and Learning Systems, Vol 26, No 5
May2015.
[9] Lisa Torrey, “Transfer Learning”, Handbook of
research on Machine Learning Applications”, IGI Global
2009.
[10] Okele Stephen,”An Efficient Deep Learning Approach
to Pneumonia Classification in Healthcare” , Journal of
Healthcare Engineering, Hindawi, Vol 2019.

More Related Content

What's hot

IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET Journal
 
Brain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI ImagesBrain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI ImagesIJRAT
 
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
 
Glioblastomas brain tumour segmentation based on convolutional neural network...
Glioblastomas brain tumour segmentation based on convolutional neural network...Glioblastomas brain tumour segmentation based on convolutional neural network...
Glioblastomas brain tumour segmentation based on convolutional neural network...IJECEIAES
 
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...IRJET Journal
 
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...Dr. Amir Mosavi, PhD., P.Eng.
 
IRJET- Diversified Segmentation and Classification Techniques on Brain Tu...
IRJET-  	  Diversified Segmentation and Classification Techniques on Brain Tu...IRJET-  	  Diversified Segmentation and Classification Techniques on Brain Tu...
IRJET- Diversified Segmentation and Classification Techniques on Brain Tu...IRJET Journal
 
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET Journal
 
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET Journal
 
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural Networks
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural NetworksAutomatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural Networks
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural NetworksAndrew Tsuei
 
Framework for Contextual Outlier Identification using Multivariate Analysis a...
Framework for Contextual Outlier Identification using Multivariate Analysis a...Framework for Contextual Outlier Identification using Multivariate Analysis a...
Framework for Contextual Outlier Identification using Multivariate Analysis a...IJECEIAES
 
Pneumonia Detection using CNN
Pneumonia Detection using CNNPneumonia Detection using CNN
Pneumonia Detection using CNNYashIyengar
 
Deep learning for medical imaging
Deep learning for medical imagingDeep learning for medical imaging
Deep learning for medical imaginggeetachauhan
 
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2IRJET Journal
 
A NEW SELF-ADAPTIVE APPROACH FOR MEDICAL IMAGE SECURITY
A NEW SELF-ADAPTIVE APPROACH FOR MEDICAL IMAGE SECURITYA NEW SELF-ADAPTIVE APPROACH FOR MEDICAL IMAGE SECURITY
A NEW SELF-ADAPTIVE APPROACH FOR MEDICAL IMAGE SECURITYIJCSIS Research Publications
 
3D Segmentation of Brain Tumor Imaging
3D Segmentation of Brain Tumor Imaging3D Segmentation of Brain Tumor Imaging
3D Segmentation of Brain Tumor ImagingIJAEMSJORNAL
 

What's hot (17)

IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived Videos
 
Brain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI ImagesBrain Tumor Segmentation in MRI Images
Brain Tumor Segmentation in MRI Images
 
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
 
Glioblastomas brain tumour segmentation based on convolutional neural network...
Glioblastomas brain tumour segmentation based on convolutional neural network...Glioblastomas brain tumour segmentation based on convolutional neural network...
Glioblastomas brain tumour segmentation based on convolutional neural network...
 
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
 
Geometric Deep Learning
Geometric Deep Learning Geometric Deep Learning
Geometric Deep Learning
 
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...
 
IRJET- Diversified Segmentation and Classification Techniques on Brain Tu...
IRJET-  	  Diversified Segmentation and Classification Techniques on Brain Tu...IRJET-  	  Diversified Segmentation and Classification Techniques on Brain Tu...
IRJET- Diversified Segmentation and Classification Techniques on Brain Tu...
 
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
 
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
 
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural Networks
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural NetworksAutomatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural Networks
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural Networks
 
Framework for Contextual Outlier Identification using Multivariate Analysis a...
Framework for Contextual Outlier Identification using Multivariate Analysis a...Framework for Contextual Outlier Identification using Multivariate Analysis a...
Framework for Contextual Outlier Identification using Multivariate Analysis a...
 
Pneumonia Detection using CNN
Pneumonia Detection using CNNPneumonia Detection using CNN
Pneumonia Detection using CNN
 
Deep learning for medical imaging
Deep learning for medical imagingDeep learning for medical imaging
Deep learning for medical imaging
 
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
 
A NEW SELF-ADAPTIVE APPROACH FOR MEDICAL IMAGE SECURITY
A NEW SELF-ADAPTIVE APPROACH FOR MEDICAL IMAGE SECURITYA NEW SELF-ADAPTIVE APPROACH FOR MEDICAL IMAGE SECURITY
A NEW SELF-ADAPTIVE APPROACH FOR MEDICAL IMAGE SECURITY
 
3D Segmentation of Brain Tumor Imaging
3D Segmentation of Brain Tumor Imaging3D Segmentation of Brain Tumor Imaging
3D Segmentation of Brain Tumor Imaging
 

Similar to IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia

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
 
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
 
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
 
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
 
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
 
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
 
A Review Paper on Automated Brain Tumor Detection
A Review Paper on Automated Brain Tumor DetectionA Review Paper on Automated Brain Tumor Detection
A Review Paper on Automated Brain Tumor DetectionIRJET 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
 
Image Forgery Detection Methods- A Review
Image Forgery Detection Methods- A ReviewImage Forgery Detection Methods- A Review
Image Forgery Detection Methods- A ReviewIRJET Journal
 
Blood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNNBlood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNNIRJET Journal
 
Deep Learning based Multi-class Brain Tumor Classification
Deep Learning based Multi-class Brain Tumor ClassificationDeep Learning based Multi-class Brain Tumor Classification
Deep Learning based Multi-class Brain Tumor ClassificationIRJET 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
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkIRJET Journal
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkIRJET Journal
 
AUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMAUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMIRJET 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
 
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
 
IRJET- Automated Detection of Diabetic Retinopathy using Deep Learning
IRJET- Automated Detection of Diabetic Retinopathy using Deep LearningIRJET- Automated Detection of Diabetic Retinopathy using Deep Learning
IRJET- Automated Detection of Diabetic Retinopathy using Deep LearningIRJET Journal
 

Similar to IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia (20)

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
 
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...
 
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...
 
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
 
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 ...
 
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 ...
 
A Review Paper on Automated Brain Tumor Detection
A Review Paper on Automated Brain Tumor DetectionA Review Paper on Automated Brain Tumor Detection
A Review Paper on Automated Brain Tumor Detection
 
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
 
Image Forgery Detection Methods- A Review
Image Forgery Detection Methods- A ReviewImage Forgery Detection Methods- A Review
Image Forgery Detection Methods- A Review
 
Blood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNNBlood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNN
 
Deep Learning based Multi-class Brain Tumor Classification
Deep Learning based Multi-class Brain Tumor ClassificationDeep Learning based Multi-class Brain Tumor Classification
Deep Learning based Multi-class Brain Tumor Classification
 
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
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural Network
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural Network
 
AUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMAUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEM
 
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...
 
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
 
IRJET- Automated Detection of Diabetic Retinopathy using Deep Learning
IRJET- Automated Detection of Diabetic Retinopathy using Deep LearningIRJET- Automated Detection of Diabetic Retinopathy using Deep Learning
IRJET- Automated Detection of Diabetic Retinopathy 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

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
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineeringmalavadedarshan25
 
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
 
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
 
Churning of Butter, Factors affecting .
Churning of Butter, Factors affecting  .Churning of Butter, Factors affecting  .
Churning of Butter, Factors affecting .Satyam Kumar
 
Artificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxArtificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxbritheesh05
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 
Work Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvWork Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvLewisJB
 
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
 
Introduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxIntroduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxk795866
 
EduAI - E learning Platform integrated with AI
EduAI - E learning Platform integrated with AIEduAI - E learning Platform integrated with AI
EduAI - E learning Platform integrated with AIkoyaldeepu123
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...VICTOR MAESTRE RAMIREZ
 
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdfCCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdfAsst.prof M.Gokilavani
 
An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...Chandu841456
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxDeepakSakkari2
 
Risk Assessment For Installation of Drainage Pipes.pdf
Risk Assessment For Installation of Drainage Pipes.pdfRisk Assessment For Installation of Drainage Pipes.pdf
Risk Assessment For Installation of Drainage Pipes.pdfROCENODodongVILLACER
 

Recently uploaded (20)

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
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineering
 
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
 
POWER SYSTEMS-1 Complete notes examples
POWER SYSTEMS-1 Complete notes  examplesPOWER SYSTEMS-1 Complete notes  examples
POWER SYSTEMS-1 Complete notes examples
 
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...
 
Churning of Butter, Factors affecting .
Churning of Butter, Factors affecting  .Churning of Butter, Factors affecting  .
Churning of Butter, Factors affecting .
 
Artificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxArtificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptx
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 
Work Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvWork Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvv
 
Design and analysis of solar grass cutter.pdf
Design and analysis of solar grass cutter.pdfDesign and analysis of solar grass cutter.pdf
Design and analysis of solar grass cutter.pdf
 
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...
 
Introduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptxIntroduction-To-Agricultural-Surveillance-Rover.pptx
Introduction-To-Agricultural-Surveillance-Rover.pptx
 
EduAI - E learning Platform integrated with AI
EduAI - E learning Platform integrated with AIEduAI - E learning Platform integrated with AI
EduAI - E learning Platform integrated with AI
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...
 
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdfCCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
 
An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 
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
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptx
 
Risk Assessment For Installation of Drainage Pipes.pdf
Risk Assessment For Installation of Drainage Pipes.pdfRisk Assessment For Installation of Drainage Pipes.pdf
Risk Assessment For Installation of Drainage Pipes.pdf
 

IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1120 A Survey on Medical Image Interpretation for Predicting Pneumonia Mrs. Rashmi B H1, Shreyas H C2, Pruthvi Patel A S3, Prashanth S4, Vinutha S5 1Assistant Professor, Department of Computer Science and Engineering, K. S Institute of Technology, Affiliated to VTU, Belgavi, India 2,3,4,5Fourth Year B.Tech, Department of Computer Science and Engineering, K. S Institute of Technology, Affiliated to VTU, Belgavi, India -------------------------------------------------------------------------***------------------------------------------------------------------------ Abstract: Pneumonia is a disease which occurs in the lungs caused by a bacterial infection. Early diagnosis is an important factor for the successful treatment process. Generally, the disease can be diagnosed from chest X-ray images by an expert radiologist. The diagnoses can be subjective for some reasons such as the appearance of disease which can be unclear in chest X-ray images or can be confused with other diseases. Therefore, computer- aided diagnosis systems are needed as tools to assist in the clinical interpretation of chest x-rays would therefore fulfill an unmet need. This present a survey of the research in deep learning applied to radiology. Index Terms - Machine learning, Deep learning, Medical imaging, CNN I. INTRODUCTION Medical image analysis is an active field of research for machine learning, partly because the data is relatively structured and labeled, and it is likely that this will be the area where patients first interact with functioning, practical artificial intelligence systems [1]. Deep neural network models have conventionally been designed, and experiments were performed upon them by human experts in a continuing trial-and-error method. This process demands enormous time, know-how, and resources. To overcome this problem, a novel but simple model is introduced to automatically perform optimal classification tasks with deep neural network architecture. The neural network architecture was specifically designed for pneumonia image classification tasks. The proposed technique is based on the convolutional neural network algorithm, utilizing a set of neurons to convolve on a given image and extract relevant features from them. Demonstration of the efficacy of the proposed method with the minimization of the computational cost as the focal point was conducted and compared with the exiting state-of-the-art pneumonia classification networks. In recent times, CNN-motivated deep learning algorithms have become the standard choice for medical image classifications although the state-of-the-art CNN-based classification techniques pose similar fixated network architectures of the trial-and-error system which have been their designing principle. The application proposed will be able to act as a diagnostic tool based on a deep-learning framework and CNN for the screening of patients having Pneumonia. The Application utilizes transfer learning, which trains a neural network with a fraction of the data of conventional approaches. The dataset contains X-ray images of having Pneumonia and not having Pneumonia II. LITERATURE SURVEY Manali Shaha et al.[2] proposed Research in image classification seen the evolution in computer vision algorithm from first order moments to handcrafted features to end to end machine learning approaches to improve the classification accuracy.This paper talks about the success of CNN in the order of machine learning and computer vision field. Alex proposed an evolutionary CNN architecture named AlexNet for object recognition task. The major hurdle in training of CNN is availability of large database. To improve the accuracy researches proposed deeper CNN architecture. Simmon el al proposed VGG16 architecture for object recognition task. Improved VGG16 architecture known is VGG19 overcome the drawbacks of AlexNet and increase the system accuracy. Two databases calTech256 and GHIM10K where used to analyze and compare AlexNet and VGG16.SVM classifier was analyzed. Accuracy of CNN highly depends upon the three factors: 1) Large scale database, 2) High end computational model and 3) Network depth. Shoji Kido[3] proposed Computer-aided diagnosis (CAD) systems include two types of CAD algorithms such as (CADe) and (CADx). CADe which is computer aided detection which detects abnormal lesion CADx which is computer aided diagnosis that differentiates abnormal lesion into benign or malignant. Image features that could detect and classify abnormalities of the lung diseases such as lung nodules or lung disease patterns. These image features are useful for the computer-aided classification on the lung diseases. Defining such image features is a difficult task due to the complicated image patterns. Deep learning techniques improved state-of-the-art in fields of the speech and vision. Therefore with the features of (CADe) and (R-CNN) and CNN have developed an image based (CADe) for detection of lung abnormalities by use of (R-CNN).In image cases there are four cases: 1.Lung nodules. 2. Diffuse lung diseases. 3. Image based CADx by use of CNN. 4. Image based CADe by use of R-CNN.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1121 Zulfikar Aslan [4] proposed that CNNs are designed to process data types that consist of the multiple dimensions as 2-d images. There is a hierarchy of simple and complex cells from the elements inspired from visual cortex of a human. RNNs are mainly developed for the task of analyzing discrete arrays of data. RNNs have structure of circular connected nodes. There are various imagining modalities in medical field & use of these technologies has increasing. There will be different images from the medical Imagining modalities .CNNs are generally used for tasks of classification, localization, detection, segmentation & registration over the medical image. Enes Ayan [5] Proposed Pneumonia is inflammation of the tissues in one or both lungs that usually caused by a bacterial infection. Chest x-ray images are the best known and the common clinical method for diagnosing of pneumonia. Dataset represents the distribution of the data when training, validating and testing phases of the model. Data samples from the dataset show pneumonia cases and normal cases. Data argumentation avoids the over fitting and improves the accuracy. Transfer Learning is the idea of overcoming the isolated learning paradigm and utilizing knowledge acquired for task to solve. Data argumentation was used for avoiding over-fitting, xception and vgg16 networks accuracy and loss graphics. While training the model we used transfer learning and fine tuning. Every network has own detection capability on dataset. Xception network is more successful for detecting pneumonia cases. Phat Nguyen Kieu [6] proposes Chest x-ray images or radiographs provide a single view of the chest cavity. Chest x-ray provides a complete view of the chest internals and thus can be used to detect easily. To extract the information for the task at hand without feature selection CNN is better to work with images. To support physicians in diagnosing disease in medicine and treatment of doctors. The results of their initial findings and compare performances of deep neural nets using a combination of different network topologies and optimization parameters. To predict the accuracy of the classification results of data multi-CNN model used Hold- out method for evaluating. To compute the results we use multi-CNN model.V-64L and V-64R is used to know the probability value for the input images. To train the model CNN component are trained. Emir Skejić et al. [7] Introduced Google TensorFlow is a platform for building models in machine learning. The basic unit in tensorflow is a computational graph, which consist of nodes, which are operations and edges which represent tensors. The core of tensorflow is implemented in C++ programming language; however the main language is python. Methods like (a) Convolution one of the use of convolution in image processing is edge detection. (b)Edge detection Edge detection is often the first step in image preprocessing, which uses two methods Image gradient and Canny filter. (c)Gaussian filtering This is often-used method for reducing Gaussian noise in image .other methods are Image resize, Image segmentation, Image deblurring and Image rotation. All experiments are performed on a single machine running 64bit linux or intel processors. (a) Smaller data size CPU (central processing unit) outperforms GPU (graphics processing unit) in most cases. (b) For bigger data GPU gave better performance. GPU efficiently handled all the bigger inputs with increase in speed size of 3.6 times to 15 times, but for smaller data computation is lower. Ling Shao [8] proposed that there are three types of knowledge that are useful for knowledge transfer: 1) source domain features; 2) source domain features and the corresponding labels; and 3) parameters of the pre learned source domain models, which indicate instance- based transfer learning inductive transfer learning and parameter-based transfer learning, respectively. Through the performance comparisons between knowledge transfer techniques and non-knowledge transfer techniques, we can conclude that brutal forcing the source domain data for learning can degrade the performance of the original learning system, which demonstrates the significance of knowledge transfer. To transfer the source domain knowledge to the target domain, methods are designed from either the feature representation level or the classifier level. In general, the feature representation level knowledge transfer aims to unify the mismatched data in different visual domains to the same feature space and the classifier level knowledge transfer aims to learn a target classifier based on the parameters of pre learned source domain models, while considering the data smoothness in the target domain. Thus, the feature representation level knowledge transfer techniques belong to either instance-based transfer or inductive transfer, while most classifier level knowledge transfer techniques belong to the parameter-based transfer. Transfer learning is a tool for improving the performance of the target domain model only in the case that the target domain labeled data are not sufficient, otherwise the knowledge transfer is meaningless. So far, most research on transfer learning only focuses on small scale data, which cannot well reflect the potential advantage of transfer learning over regular machine learning techniques. The future challenges of transfer learning should lie in two aspects: 1) how to mine the information that would be helpful for the target domain from highly noisy source domain data and 2) how to extend the existing transfer learning methods to deal with large-scale source domain data. Lisa Torrey [9] proposed an inductive learning task, the objective is to induce a predictive model from a set of training examples [28]. Often the goal is classification, i.e. assigning class labels to examples. Examples of classification systems are artificial neural networks and symbolic rule-learners. Another type of inductive learning involves modeling probability distributions over interrelated variables, usually with graphical models.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1122 Examples of these systems are Bayesian networks and Markov Logic Networks. The predictive model learned by an inductive learning algorithm should make accurate predictions not just on the training examples, but also on future examples that come from the same distribution. In order to produce a model with this generalization capability, a learning algorithm must have an inductive bias – a set of assumptions about the true distribution of the training data. The bias of an algorithm is often based on the hypothesis space of possible models that it considers. For example, the hypothesis space of the Naive Bayes model is limited by the assumption that example characteristics are conditionally independent given the class of an example. In inductive transfer methods, the target-task inductive bias is chosen or adjusted based on the source-task knowledge. The way this is done varies depending on which inductive learning algorithm is used to learn the source and target tasks. Some transfer methods narrow the hypothesis space, limiting the possible models, or remove search steps from consideration. Other methods broaden the space, allowing the search to discover more complex models, or add new search steps. Okele Stephen [10] proposed a convolutional neural network model trained from scratch to classify and detect the presence of pneumonia from a collection of chest X-ray image samples. Unlike other methods that rely solely on transfer learning approaches or traditional handcrafted techniques to achieve a remarkable classification performance, we constructed a convolutional neural network model from scratch to extract features from a given chest X-ray image and classify it to determine if a person is infected with pneumonia. This model could help mitigate the reliability and interpretability challenges often faced when dealing with medical imagery. Unlike other deep learning classification tasks with sufficient image repository, it is difficult to obtain a large amount of pneumonia dataset for this classification task; therefore, we deployed several data augmentation algorithms to improve the validation and classification accuracy of the CNN model and achieved remarkable validation accuracy III. Conclusion In this study we have found the need of computer-aided system for predicting the accurate probability of a person having Pneumonia. The most common method used is transfer learning. The CNN architectures VGG16, VGG19, AlexNet, Inception and ResNet are trained using the Chest X-ray dataset. The model which gives the most accurate prediction will be considered for computer-aided System. Keras integrated with the Tensor flow can be used to load the selected model architecture. Each model architecture is trained in google colab.. References [1] Justin Ker, Lipo Wang, Jai Rao , And Tchoyoson Lim, Deep Learning Applications in Medical Image Analysis, 2169-3536 2018 IEEE. Translations, Vol. 6 [2] Manali Shaha Meenakshi Pawar, “Transfer learning for image classification”, Proceedings of the International Conference on Electronics Communication and Aerospace Technology, IEEE Conference ISBN: 978-1-5386-0965-1, 2018 [3] Shoji Kido, “Detection and Classification of Lung Abnormalities by Use of Convolutional Neural Network (CNN) and Regions with CNN Features (R-CNN), IEEE 2018. [4] Zulfikar Aslan, “On The Use of Deep Learning Methods On Medical Images”, International Journal on Energu & Engineering Science, Vol 3,, 12, 2018.ages”, IEEE 2018. [5] Enes Ayan, “Diagnosis of Pneumonia from Chest X-Ray Images using Deep Learning”, IEEE 2019. [6] Phat Nguyen Kieu, “Applying Multi-CNNs model for detecting abnormal problem on chest x-ray images. [7] Emir Skejić, Amira Šerifović-Trbalić Performance of some image processing algorithms in TensorFlow Damir Demirović, University of Tuzla, Faculty of Electrical Engineering, Franjevačka 2, 75000 Tuzla, Bosnia and Herzegovina [8] Ling Shao, Fan Zhu, Xuelong Li, “Transfer Learning for Visual Categorization: A Survey”, --IEEE Transaction on Neural Networks and Learning Systems, Vol 26, No 5 May2015. [9] Lisa Torrey, “Transfer Learning”, Handbook of research on Machine Learning Applications”, IGI Global 2009. [10] Okele Stephen,”An Efficient Deep Learning Approach to Pneumonia Classification in Healthcare” , Journal of Healthcare Engineering, Hindawi, Vol 2019.