You are on page 1of 27

PNEUMONIA DETECTION BY USING CNN WITH IMPLEMENTATION

IN PYTHON
A Project Report

Submitted By

Pooja N. Ahire

Prajakta V. Joshi

Saylee R. Khotre

Swapnil S. Raut

Under the Guidance

Prof. Yogesh R. Risodkar

In Partial Fulfillment

Bachelor Of Engineering

(Electronics& Telecommunication)

Savitribai Phule Pune University

DEPARTMENT OF ELECTRONICS & TELECOMMUNICATION ENGINEERING

SANDIP INSTITUTE OF ENGINEERING & MANAGEMENT, NASHIK

2020-21
SANDIP FOUNDATION SANDIP INSTITUTE OF ENGINEERING &
MANAGEMENT, NASHIK(MH) 2020-21

CERTIFICATE
This is to certify that, the project
“PNEUMONIA DETECTION BY USING CNN WITH IMPLEMENTATION IN PYTHON”
Submitted by
Pooja N. Ahire (SEAT NO: -B150833001)
Prajakta V. Joshi (SEAT NO: - B150833020)
Saylee R. Khotre (SEAT NO: -B150833026)
Swapnil S. Raut (SEAT NO: -B150833052)
is a bonafied work completed under my supervision and guidance in partial fulfillment for award
of Bachelor of Engineering (Electronics & Telecommunication) Degree of University of Pune
(MS, INDIA).
Place: Nashik
Date:

Internal Examinar: External Examinar:


Date: Date:
Prof. Y. R. Risodkar Prof. Y. R. Risodkar

(Guide) H.O.D. of E&TC Department

Prof.(Dr.) D. P. Patil

(Principal)

SANDIP INSTITUTE OF ENGINEERING & MANAGEMENT, NASHIK, (M.S.) -422213


ACKNOWLEDGEMENT
I take this opportunity to express my heart-felt gratitude to my guide, Prof. Y. R. Risodkar, for
his constant encouragement, able guidance and support throughout the course of this semester.

I take this opportunity to thank Head of Department, Department of Electronics and


Telecommunication Engineering, Prof. Y. R. Risodkar and express my gratitude towards my
parents, friends for the completion of my work.

I sincerely thanks to Prof. (Dr.) D. P. Patil Principal, Sandip Institute of Engineering and
Management, Nashik, for his advice and support during the course of my work.

Pooja N. Ahire
Prajakta V. Joshi
Saylee R. Khotre
Swapnil S. Raut
SIEM, NASHIK
ABSTRACT

Pneumonia is a high mortality disease that kills 50, 000 people in the United States
each year. Children under the age of 5 and older population over the age of 65 are
susceptible to serious cases of pneumonia. The United States spend billions of
dollars fighting pneumonia-related infections every year. Early detection and
intervention are crucial in treating pneumonia related infections. People with
infectious pneumonia often have a productive cough, fever accompanied by
shaking chills, shortness of breath, sharp or stabbing chest pain during deep
breaths, andan increased rate of breathing. In elderly people, confusion may be the
most prominent sign. The typical signs and symptoms in children under five are
fever, cough, and fast or difficult breathing. Fever is not very specific, as it occurs
in many other common illnesses and may be absent in those with severe disease,
malnutrition or in the elderly. In addition, a cough is frequently absent in children
less than 2 months old. More severe signs and symptoms in children may include
blue-tinged skin, unwillingness to drink, convulsions, ongoing vomiting, extremes
of temperature, or a decreased level of consciousness. Bacterial and viral cases of
pneumonia usually result in similar symptoms. Some causes are associated with
classic, but non-specific, clinical characteristics.

Since chest x-ray is one of the simplest and cheapest methods to diagnose
pneumonia, we propose a deep learning algorithm based on convolutional neural
networks to identify and classify pneumonia cases from these images. It is the first
line of approach in diagnosing any lung disorders. However, detecting pneumonia
on CXR is a challenging task. It heavily relies on expertise of the physician and is
subject to misdiagnosis. Clinically, chest radiograph is one of two types -
posteroanterior (PA) and lateral. When patients are severely ill, anteroposterior
(AP) CXR is done. Chest radiograph depends on the ability to X rays to penetrate
the matter. Depending on the type of pathogen, the appearance of CXR of
pneumonia patients varies. In general, a radiographic sign includes increased
density of the infected area due to a mixture of consolidation and atelectasis. As
the infection becomes severe, air bronchogram appears due to the presence of air
column surrounded by consolidation and atelectasis. As a result, dark bronchioles
are surrounded by white area of infiltrates. This area appears as patchy and
uniform throughout the area. In some cases, pleural effusion due to the presence of
fluid outside the lung and in the pleural space may also develop.

Pneumonia quite often presents with other disease process and appear with other
radiographic findings which may include atelectasis, consolidation, and pleural
effusion. Therefore, diagnosis of pneumonia from CXR is a difficult process. This
is even complicated in the case of acute cases of pneumonia since infiltrates are
beginning to develop on CXR. With the rapid advancements in computer vision
and deep learning techniques, highly efficient techniques have been introduced in
image classification, recognition, and segmentation. Deep learning techniques can
also be employed in medical data analysis such as in diagnosis of abnormalities
from chest radiograph. Every day, hundreds of chest radiographs are being taken in
hospitals across the nation. This creates a large number of unexplored medical
images and datasets.

This project is about building a web application that can diagnose a patient with
pneumonia correctly by analyzing its X-ray image. Even though there are already
several working and successful systems that have the same function, this project
attempts to create a system that has a different approach from other systems, in
terms of how the system is built. Pneumonia is a disease that causes the
inflammation of the air sacs inside either of the lungs. This infection is most
commonly diagnosed by taking the X-ray of the patient. The risk of pneumonia is
immense for many, especially in developing nations where billions face energy
poverty and rely on polluting forms of energy. The WHO estimates that over 4
million premature deaths occur annually from household air pollution-related
diseases including pneumonia. Over 150 million people get infected with
pneumonia on an annual basis especially children under 5 years old. In such
regions, the problem can be further aggravated due to the dearth of medical
resources and personnel. For example, in Africa’s 57 nations, a gap of 2.3 million
doctors and nurses exists. For these populations, accurate and fast diagnosis means
everything.
INDEX
Acknowledgement i

Abstract
ii
Index
iii
List of Abbreviations
iv
List of Figures
v

List of Tables
vi

1. INTRODUCTION 1
1.1 Neccessity of Project ………………………………………………… 1

2. LITERATURE SURVEY 3

3. SYSTEM METHODOLOGY 5
3.1 Software Requirement ……………………………………………… 5
3.1.1 Datasets ……………………………………………………….. 5
3.1.2 Content ……………………………………………………….. 6
3.1.3 Google Colab …………………………………………………. 7
3.2 Data Augmentation …………………………………………........... 8
3.2.1 Introduction to Data Augmentation …………………………… 8
3.2.2 Libraries to Data Augmentation ……………………………….. 10
3.3 Convolution Neural Network ………………………………………. 11
3.3.1 Convolution Operation ……………………………………….... 11
3.3.2 Pooling Operation ……………………………………………… 12
3.3.3 Flattening Operation …………………………………………… 13

4. CONCLUSION 15
4.1 Impact of the Proposed Solution …………………………………… 15

APPENDIX A 16

Reference 17
LIST OF ABBREVIATIONS

1. UNICEF: United Nations children's fund


2. CNN: Convolutional neural network
3. WHO: World health organization
4. ANN: Artificial neural network
5. NIH: National institute of health
LIST OF FIGURES

3.1 Illustrative examples of Chest X-ray in Patients with Pneumonia . . . . . . . . .. 5

3.2 Some sample Images from the Dataset . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .6

3.3 Welcome page of Google Colab. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .7

3.4 Block Diagram Of Convolutional Neural Network . . . . . . . . . . . . . . . . . . . 11

3.5 Convolution Operation in Neural network. . . . . . . . . . . . . . . . . . . . . . . . . . . 11

3.6 Pooling operation. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 12

3.7 Flattening Operation. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 13

3.8 Flattening operation with fully connected layer . . . . . . . . . . . . . . . . . . . . . . 14


Pneumonia Detection using CNN with Implementation in Python

LIST OF TABLES

3.1.1 Model performance for different applications with and without data. . . . . 9
augmentation

3.2 Software Requirement. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .16


Pneumonia Detection using CNN with Implementation in Python

CHAPTER 01.

INTRODUCTON

Pneumonia, an interstitial lung disease, is the leading cause of death in children


under the age of five. It accounted for approximately 16% of the deaths of children
under the age of five, killing around 880,000 children in 2016 according to a study
conducted by UNICEF. Affected children were mostly less than two years old.
Timely detection of pneumonia in children can help to fast-track the process of
recovery. This paper presents convolutional neural network models to accurately
detect pneumonic lungs from chest X-rays, which can be utilized in the real world
by medical practitioners to treat pneumonia. Experimentation was conducted on
Chest X-Ray Images (Pneumonia) dataset available on Kaggle. Four classification
models were built using CNN to detect pneumonia from chest X-ray images to
help control this deadly infection in children and other age groups. Accuracy of the
model is directly correlated with the size of the dataset, that is, the use of large
datasets helps improve the accuracy of the model, but there is no direct correlation
between the number of convolutional layers and the accuracy of the model.

1.1 Neccessity of Project

The risk of pneumonia is immense for many, especially in developing nations


where billions face energy poverty and rely on polluting forms of energy. .e WHO
estimates that over 4 million premature deaths occur annually from household air
pollution-related diseases including pneumonia. Over 150 million people get
infected with pneumonia on an annual basis especially children under 5 years old.
In such regions, the problem can be further aggravated due to the dearth of medical
resources and personnel. For example, in Africa’s 57 nations, a gap of 2.3 million
doctors and nurses exists [3, 4]. For these populations, accurate and fast diagnosis
means everything. It can guarantee timely access to treatment and save much
needed time and money for those already experiencing poverty. Deep neural
network models have conventionally been designed, and experiments were
performed upon them by human experts in a continuing trial-and-error method. .is
process demands enormous time, know-how, and resources. To overcome this
problem, a novel but simple model is introduced to automatically perform optimal

Department of E&TC, SIEM, NASHIK (2020-21)Page 1


Pneumonia Detection using CNN with Implementation in Python

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. U-Net,
SegNet, and CardiacNet are some of the prominent architectures for medical image
examination. To design these models, specialists often have a large number of
choices to make design decisions, and intuition significantly guides manual search
process. Models like evolutionary-based algorithms and reinforcement learning
(RL) have been introduced to locate optimum network hyper parameters during
training. However, these techniques are computationally expensive, gulping a ton
of processing power. As an alternative, our study proposes a conceptually simple
yet efficient network model to handle the pneumonia classification problem. CNNs
have an edge over DNNs by possessing a visual processing scheme that is
equivalent to that of humans and extremely optimized structure for handling
images and 2D and 3D shapes, as well as ability to extract abstract 2D features
through learning. The max-pooling layer of the convolutional neural network is
effective in variant shape absorptions and comprises sparse connections in
conjunction with tied weights. When compared with fully connected (FC)
networks of equivalent size, CNNs have a considerably smaller amount of
parameters. Most importantly, gradient based learning algorithms are employed in
training CNNs and they are less prone to diminishing gradient problem. Since the
gradient-based algorithm is responsible for training the whole network in order to
directly diminish an error criterion, highly optimized weights can be produced by
CNNs.

Department of E&TC, SIEM, NASHIK (2020-21)Page 2


Pneumonia Detection using CNN with Implementation in Python

CHAPTER 02.

LITERATURE SURVEY

The predominant way hospitals diagnose pneumonia today is through getting a


radiologist to create radiology reports for all the key pneumonia findings. The
latest AI system can report key pneumonia findings are called chexpert. This is an
AI system that uses Convolution Neural Networks (CNN) as a deep learning
algorithm that can be use dina variety of image analysis and hence is befitting for
the analysis of chest x-ray images. The reason for creating such a system that
already has substitutes in the market that have had success is because this system
may provide fresh insight. This insight might be useful when building more
systems in the future. It is important to approach solutions to problems from all
directions. In Table -1, Comparative study of different research papers.Here, it
establishes a diagnostic system based on a deep-learning framework for detecting
whether the patient has pneumonia or not. Only classification algorithm is used the
Neural Network and there is no comparison between the accuracies of several
algorithm. Automated detection of diseases from chest X-rays at the level of expert
radiologists would not only have tremendous benefit in clinical settings, it would
also be invaluable in delivery of health care to populations with inadequate access
to diagnostic imaging specialists. In other methods that rely solely on transfer
learning approaches or traditional handcrafted techniques to achieve a remarkable
classification performance, they 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.

It presents a deep neural network based on convolutional neural networks and


residual network along with techniques of identifying optimum differential rates
using cosine annealing and stochastic gradient with restarts to achieve an efficient
and highly accurate network which will help detect and predict the presence of
pneumonia using chest x-rays.

Department of E&TC, SIEM, NASHIK (2020-21)Page 3


Pneumonia Detection using CNN with Implementation in Python

Following steps are performed for classification process:

1. Load the data into Python for classification.

2. Pre-process the data to get it into the required form.

3. Split the data into training and testing data set. Form classifier models of the
algorithms stated previously.

4. Train the classifier with the training data set obtained in step.

5. Test the classifier which has been created in the previous step.

Department of E&TC, SIEM, NASHIK (2020-21)Page 4


Pneumonia Detection using CNN with Implementation in Python

CHAPTER 03.

SYSTEM METHODOLOGY

3.1 Software Requirement

3.1.1 Dataset:

Figure 3.1: Illustrative examples of Chest X-ray in Patients with Pneumonia

The normal chest X-ray (left panel) depicts clear lungs without any areas of
abnormal opacification in the image. Bacterial pneumonia (middle) typically
exhibits a focal lobar consolidation, in this case in the right upper lobe (white
arrows), whereas viral pneumonia (right) manifests with a more diffuse
‘‘interstitial’’ pattern in both lungs.

Department of E&TC, SIEM, NASHIK (2020-21)Page 5


Pneumonia Detection using CNN with Implementation in Python

3.1.2. Content

The dataset is organized into 3 folders (train, test, val) and contains subfolders for
each image category (Pneumonia/Normal). There are 5,863 X-Ray images (JPEG)
and 2 categories (Pneumonia/Normal).
Chest X-ray images (anterior-posterior) were selected from retrospective cohorts of
pediatric patients of one to five years old from Guangzhou Women and Children’s
Medical Center, Guangzhou. All chest X-ray imaging was performed as part of
patients’ routine clinical care.
For the analysis of chest x-ray images, all chest radiographs were initially screened
for quality control by removing all low quality or unreadable scans. The diagnoses
for the images were then graded by two expert physicians before being cleared for
training the AI system. In order to account for any grading errors, the evaluation
set was also checked by a third expert.
The total size of the dataset is 2.16 GB.

Figure 3.2: Some sample Images from the Dataset

Department of E&TC, SIEM, NASHIK (2020-21)Page 6


Pneumonia Detection using CNN with Implementation in Python

3.1.3 Google Colab


Colab is a free Jupyter notebook environment that runs entirely in the cloud. Most
importantly, it does not require a setup and the notebooks that you create can be
simultaneously edited by your team members - just the way you edit documents in
Google Docs. Colab supports many popular machine learning libraries which can
be easily loaded in your notebook.

Figure 3.3: Welcome page of Google Colab

What Colab Offers You?

As a programmer, you can perform the following using Google Colab.


 Write and execute code in Python
 Document your code that supports mathematical equations
 Create/Upload/Share notebooks
 Import/Save notebooks from/to Google Drive
 Import/Publish notebooks from GitHub
 Import external datasets e.g. from Kaggle

Department of E&TC, SIEM, NASHIK (2020-21)Page 7


Pneumonia Detection using CNN with Implementation in Python

 Integrate PyTorch, TensorFlow, Keras, OpenCV


 Free Cloud service with free GPU

3.2 Data Augmentation


3.2.2 Introduction to Data Augmentation

The prediction accuracy of the Supervised Deep Learning models is largely reliant
on the amount and the diversity of data available during training. The relation
between deep learning models and amount of training data required is analogous to
that of the relation between rocket engines (deep learning models) and the huge
amount of fuel (huge amounts of data) required for the rocket to complete its
mission (success of the deep learning model).

DL models trained to achieve high performance on complex tasks generally have a


large number of hidden neurons. As the number of hidden neurons increases, the
number of trainable parameters also increases. The number of parameters in the
State-of-the-art Computer Vision models such as RESNET (60M) and Inception-
V3 (24M) is of the order of ten million.

In Natural Language Processing models such as BERT (340M), it is of the order of


a hundred million. These deep learning models trained to perform complex tasks
such as object detection or language translation with high accuracy have a large
number of tunable parameters. They need a large amount of data to learn the values
for a large number of parameters during the training phase.

In simple terms, the amount of data required is proportional to the number of


learnable parameters in the model. The number of parameters is proportional to the
complexity of the task. Oftentimes, when working on specific complex tasks such
as classifying a weed from a crop, or identifying the novelty of a patient, it is very
hard to get large amounts of data required to train the models. Though transfer

Department of E&TC, SIEM, NASHIK (2020-21)Page 8


Pneumonia Detection using CNN with Implementation in Python

learning techniques could be used to great effect, the challenges involved in


making a pre-trained model to work for specific tasks are tough.

Another way to deal with the problem of limited data is to apply different
transformations on the available data to synthesize new data. This approach of
synthesizing new data from the available data is referred to as ‘Data
Augmentation’.

Data augmentation can be used to address both the requirements, the diversity of
the training data, and the amount of data. Besides these two, augmented data can
also be used to address the class imbalance problem in classification tasks.

The questions that come to the mind are; does data augmentation work? Do we
really get better performance from the models when we use augmented data for
training? Table 1 shows a few case studies indicating the effect of data
augmentation on model performance for different applications.

Table: 3.1.1 Model performance for different applications with and without data augmentation

Application Performance Performance Augmentation


without without method
Augmentation Augmentation

Image 57% 78.6% Simple image


Classification based

Image 57% 58.7% GAN based


Classification

NMT 11BLEU 13.9BLEU Translation data


augmentation

Department of E&TC, SIEM, NASHIK (2020-21)Page 9


Pneumonia Detection using CNN with Implementation in Python

Text 79% 87% Easy Data


Classification Augmentation

3.2.2 Libraries used for Data Augmentation


1. NumPy :
NumPy is a Python library used for working with arrays. It also has
functions for working in domain of linear algebra, Fourier transform,
and matrices. NumPy was created in 2005 by Travis Oliphant. It is an
open source project and you can use it freely. NumPy stands for
Numerical Python.
2. Pandas :
Pandas is an open source Python package that is most widely used for
data science/data analysis and machine learning tasks. It is built on top
of another package named NumPy, which provides support for multi-
dimensional arrays. As one of the most popular data wrangling
packages, Pandas works well with many other data science modules
inside the Python ecosystem, and is typically included in every Python
distribution, from those that come with your operating system to
commercial vendor distributions like Active State’s Active Python.
3. OpenCV (CV2) :
OpenCV is a huge open-source library for computer vision, machine
learning, and image processing. OpenCV supports a wide variety of
programming languages like Python, C++, Java, etc. It can process
images and videos to identify objects, faces, or even the handwriting
of a human. When it is integrated with various libraries, such
as Numpy which is a highly optimized library for numerical
operations, then the number of weapons increases in your Arsenal i.e
whatever operations one can do in Numpy can be combined with
OpenCV.

4. OS(Operating System) :
The OS module in Python provides functions for interacting with the
operating system. OS comes under Python's standard utility modules.

Department of E&TC, SIEM, NASHIK (2020-21)Page 10


Pneumonia Detection using CNN with Implementation in Python

This module provides a portable way of using operating system-


dependent functionality.

3.3 Convolutional Neural Networks


Convolutional NN is a specialized type of NN model designed for working with
2d image data, Central to the convolutional Neural Network is the
convolutional layer that gives the network its name. This layer performs an
operation called Convolution.

Figure 3.4: Block Diagram Of Convolutional Neural Network


As we can see from the figure above, the Convolutional Neural Network consists
of following building blocks / operations.
In context of Neural Networks a convolution operation is a linear operation that
involves multiplication of a set of weights with the input. The technique was
designed for 2 dimensional input. The multiplication is performed between an
array of input data and a two dimensional array of weights called Filters.

Figure 3.5: Convolution Operation in Neural network

Department of E&TC, SIEM, NASHIK (2020-21)Page 11


Pneumonia Detection using CNN with Implementation in Python

In purely mathematical terms, convolution is a function derived from two given


functions by integration which expresses how the shape of one is modified by
the other. That can sound baffling as it is, but to make matters worse, we can
take a look at the convolution formula

3.3.2 Pooling Operation :


Pooling operation involves sliding a 2 dimensional filter over each channel of
feature map and summarizing the features lying within the region covered by the
filter.

Figure 3.5: Pooling operation


For a feature map having dimensions nh x nw x nc,the dimensions of
output obtained after pooling layer is:

(n - f + 1) / s x (n - f + 1)/s x n
h w c

Department of E&TC, SIEM, NASHIK (2020-21)Page 12


Pneumonia Detection using CNN with Implementation in Python

Why to use pooling layers? :


Pooling layers are used to reduce the dimensions of the feature maps obtained from
the convolution operation. Thus, it reduces the number of parameters to learn and
the amount of computation performed in the network.
The pooling layers summarizes the feature present in the region of the feature map
generated by the convolution layer. So, further operations are performed on
summarized features instead of precisely positioned features generated by the
convolutional layer. This makes model more robust to variations in the position of
the features in the input image.
3.3.3 Flattening Operation :
Flattening is converting the data into a 1-dimensional array for inputting it to the
next layer.

Figure 3.6: Flattening Operation

We flatten the output of convolutional layers to create a single long feature vector.
And it is connected to the final classification layer in the model, which is called
“Fully connected layer”.

Department of E&TC, SIEM, NASHIK (2020-21)Page 13


Pneumonia Detection using CNN with Implementation in Python

Figure 3.7: Flattening operation with fully connected layer


In other words, we put all the pixel data in one line and make connections with the
final layer. This final layer or fully connected layer provides the classification at it
output.

Department of E&TC, SIEM, NASHIK (2020-21)Page 14


Pneumonia Detection using CNN with Implementation in Python

CHAPTER 05.
CONCLUSION

Pneumonia is an infectious disease that has tormented humanity for ages. Even
with the significant advancement in technology, pneumonia is still listed among
the top 10 causes of death in the world. Early and accurate interventions are critical
for treating pneumonia. Chest x-ray is one of the cheapest and most widely used
diagnostic tool in identifying pneumonia and other lung abnormalities. With the
surprising advancements in new deep learning approaches, we have proposed a
new tool that can help improve diagnostic accuracy of pulmonary abnormalities
from chest radiograph. The system will provide the final result that whether that
person is having pneumonia or not. It will also provide highest accuracy from the
three different classifiers. Easy user interface has been designed keeping the user's
convenience in mind. Due to the effectiveness of the trained CNN model for
identifying pneumonia from chest X-ray images, the validation accuracy of our
model was significantly higher when compared with other approaches.

Throughout this project, we have implemented computer aided diagnostic of


pneumonia using the most common deep learning approach known as
convolutional neural network (CNN). In this model user will input the x-ray image
and model will output the correct classification label for pneumonia with an
average accuracy of (68%) and average specificity of (69%) in contrast to the
current state-of-the-art accuracy that is (51%). All of the results were obtained for
data sets provided by NIH [7]. Therefore, the proposed model is more efficient and
accurate in contrast to the state-of-the-art models.

Department of E&TC, SIEM, NASHIK (2020-21)Page 15


Pneumonia Detection using CNN with Implementation in Python

APPENDIX A

Specifications Details

Cloud Platform Google Colab


Processor Google’s Cloud Processor
Memory 16Gb
Graphics Google’s Cloud GPU
Operating system NA
Programming Language Python 3.8
Dataset Source Kaggle
Dataset Name Chest X Ray Pneumonia
Dataset Size 2.29Gb
3.2.2. Software Requirement

Department of E&TC, SIEM, NASHIK (2020-21)Page 16


Pneumonia Detection using CNN with Implementation in Python

BIBLIOGRAPHY

1.Bi, X., Li, S., Xiao, B., Li, Y., Wang, G., Ma, X.: Computer aided Alzheimer’s
disease diagnosis by an unsupervised deep learning technology. Neurocomputing
(2019)
2. Eckle, K., Schmidt-Hieber, J.: A comparison of deep networks with ReLU
activation function and linear spline-type methods. Neural Netw. 110, 232–242
(2019)
3. Ren, S., Jain, D.K., Guo, K., Xu, T., Chi, T.: Towards efficient medical lesion
image super-resolution based on deep residual networks. Sig. Process. Image
Commun. 75, 1–10 (2019)
4. Zheng, Y., Iwana, B.K., Uchida, S.: Mining the displacement of max-pooling for
text recognition. Pattern Recogn. 93, 558–569 (2019)
5. Bhumika, P.S.S.S., Nayyar, P.A.: A review paper on algorithms used for text
classification. Int. J. Appl. Innov. Eng. Manage. 3(2), 90–99 (2013)
6.Kumar, A., Sangwan, S.R., Arora, A., Nayyar, A., Abdel-Basset, M.: Sarcasm
detection using soft attention-based bidirectional long short-term memory model
with convolution network. IEEE Access 7, 23319–23328 (2019)
7. Saeed, F., Paul, A., Karthigaikumar, P., Nayyar, A.: Convolutional neural
network based early fire detection. In: Multimedia Tools and Applications, pp. 1–
17 (2019)
8. Kukkar, A., Mohana, R., Nayyar, A., Kim, J., Kang, B.G., Chilamkurti, N.: A
novel deep-learning-based bug severity classification technique using
convolutional neural networks and random forest with boosting. Sensors 19(13),
2964 (2019)
9. Khan, S.H., Hayat,M., Porikli, F.: Regularization of deep neural networks with
spectral dropout. Neural Netw. 110, 82–90 (2019)
10. ALzubi, J.A., Bharathikannan, B., Tanwar, S., Manikandan, R., Khanna, A.,
Thaventhiran, C.: Boosted neural network ensemble classification for lung cancer
disease diagnosis. Appl. Soft Comput. 80, 579–591 (2019)
11. Chakraborty, S., Aich, S., Sim, J.S., Kim, H.C.: Detection of pneumonia from
chest x-rays using a convolutional neural network architecture. In: International
Conference on Future Information & Communication Engineering, vol. 11, no. 1,
pp. 98–102 (2019)

Department of E&TC, SIEM, NASHIK (2020-21)Page 17


Pneumonia Detection using CNN with Implementation in Python

12. Liang, G., Zheng, L.: A transfer learning method with deep residual network
for pediatric pneumonia diagnosis. In: Computer Methods and Programs in
Biomedicine (2019)

Department of E&TC, SIEM, NASHIK (2020-21)Page 18

You might also like