SlideShare a Scribd company logo
1 of 6
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1386
Preliminary Lung Cancer Detection using Deep Neural Networks
Neha Mayekar1, Shreya Pattewar2, Shubham Patil3, Ajay Dhruv4
1Student, Information Technology, Vidyalankar Institute of Technology, Maharashtra, India
2Student, Information Technology, Vidyalankar Institute of Technology, Maharashtra, India
3Student, Information Technology, Vidyalankar Institute of Technology, Maharashtra, India
4Prof., Dept. of Information Technology, Vidyalankar Institute of Technology, Maharashtra, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - In many countries around the world, lungcanceris
the leading cause among cancer deaths. Tumorscanbebenign
or malignant. "Cancer" here refers to malignant tumors.
Causes of lung cancer include passivesmoking, directsmoking,
exposure to certain toxins and family history. In this paper,
Convolutional Neural Network is proposedforclassificationof
histopathologicallungcancer tissueimages;also, performance
of proposed CNN model is compared with other pre trained
architectures. Successfuldetectionorpredictionoflungcancer
in early-stage is very important. It will effectively reduce
treatment costs which will be incurred in the future. It can
reduce or eliminate risk of surgery and even increase survival
rate. Therefore, the lung cancer detectionsystemsareeffective
methods for early-stage detectionoflungcancer, besidesbeing
easy, cost effective and time saving solutions. Hence, the
system plays a vital role in the diagnosis process.
Key Words: Deep learning, lung cancer, CNN, VGG16,
Inception v3.
1.INTRODUCTION
Lung cancer is a common type of canceroccurringinthelung.
It causes damage to the lung tissues. A person is said to have
lung cancer when there is irregular growth of cells in the
lung. It may begin in one or both lungs. Coughing up blood,
shortness of breath, cough are some of the common lung
cancer symptoms. It most often occurs in the people who
smoke. Primecauseoflungcanceriscigarettesmoking.Major
cause of deaths occurring in the United States is cigarette
smoking [14, 15, 16]. As per the estimation provided by the
World Health Organization inMay 2020, more than 8 million
people die due to tobacco use annually. Among these,
approximately seven million die due to direct tobacco use,
while 1.2 million people die because of being exposed to
second-hand smoke [17].
According to [18], cigarette smoke consists of more than
4000 chemicals. Majority of these chemicals are cancer
causing. A person has a 20-25 times greater risk of
developing lung cancer who smokes more than one pack of
cigarettes per day than someone who has never smoked and
can increase the chance of survival by 73% due to early
detection [19]. Tobacco use or smoking causes about 90% of
lung cancer related deaths [1]. Though smoking remains the
prime factor of causinglung cancer there are other factorsas
well. Environmental pollution (mainly air), excess alcohol
consumption, exposureto tobacco smoke(passivesmoking),
among others also contributeto development of lungcancer.
If lungcancer is predicted or detected early,thenitwillhelpa
lot of people. This could work as an effective preventive
strategy.Thetechniquesusedinthediagnosislungcancerare
Computed Tomography (CT), Chest Radiography (x-ray),
Sputum Cytology, Magnetic Resonance Imaging (MRI scan)
etc.
However, most of these techniques are costly and time
consuming. Besides the chance of survival of the patient is
greatly affected due to late or delayed cancer detection. [21]
In order to overcome this there is a need of a technical
solution forearly diagnosis,which will providefasterresults.
It will greatly assist the medical staff [2].
In this system, deep learning techniques are used for early
detection of cancer. In the system whole slide images are
processedusingtheConvolutionalNeuralNetworkalgorithm
forclassification of cancer and non- cancerimages[3].[23]In
this early detection system, feature extraction is handled by
the algorithm itself. Using these features, the system will
predict lung cancer.Themotivationofdesigningthesystemis
to provide a fast and cost-effective solution for early
detection of lung cancer. The detection willbebasedonsome
factors and thresholds which are explained later [22]. Deep
Learning is prominently used in the field [12, 13] of medical
image Processing.
Section 2 discusses literature survey. Section 3 provides
information on the dataset used in this paper. Section 4
discusses the proposed system. Section 5 discusses
conclusion and future scope.
2. LITERATURE SURVEY
Convolutional neural networks are widely used in Image
Classification Systems [4]. Most of the time features are
extracted from the top layer of CNN Model and then they are
further utilized for classification. One problem with this
technique is that it does not always provide relevant
information. This paper makes use of a pre trained CNN
model for feature extraction. They proposed a system in
which feature extraction is done with the help of the second
and third layer of the already learned CNN Model and the
extracted features are further provided to another CNN
Model. The Proposed method improves the result of existing
models.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1387
Nowadays, medical imaging is widely being used in
histopathological lung cancer classification [5]. The paper
presents a very effective CNN based architecture for
histopathological lung cancerimage classification.Thepaper
presents a CNN architecture which has the following
structure: one input layer, multiple blocks of convolutional
layers, drop-out layers and max-pooling layer combination
and fully connected layer. In total there are 16 convolutional
layers, 05 dropout layers, 05 max-pooling layers and 01 fully
connected layer. Therefore, the proposed architecture
confirms the higher performance against existing models.
In [6], the dataset of MRI images is used. However, the
dataset used is small in size, hence the method of transfer
learning is adapted. Transfer learning indicates use of deep
pre-trained convolutional Neural Network architectures
rather that building the entire modelbasedontrialanderror.
The paper uses nine pre-trained architectures (AlexNet,
GoogleNet, VGG-19, VGG16, ResNet-18, ResNet-50, ResNet-
101, ResNet-inception-v2, SENet), on the dataset.Theresults
are generated over 25 epochs, 50 epochs and 90 epochs
separately. A comparative study is then performed over the
results. In conclusion, three epochs are chosen and these
show that VGG16,VGG19andsomelayersofAlexNetperform
better than ResNet and ResNet-Inception-v2. They achieved
98.71%, 98.55%and 98.55%, accuracy respectively.98.55%
accuracy was achieved by both AlexNet and VGG16 with 50
epochs. But VGG16 consumed more time compared to
AlexNet.
In[7],theevolutionoftheneural networks overtheperiod of
time is explained. The paper provides an overview of how
deep learning can be used in medical image analysis by
explaining the techniques of Classification, detection, and
segmentation on pulmonary medical images. The process of
detecting the pulmonary nodule using deep learning is also
explained. These methods are implemented on various lung
diseases such as pulmonary nodule diseases, pulmonary
embolism, pneumonia and interstitial lung disease and an
overview is presented.
In [8], chest X-ray dataset is used in order to classify
pneumonia. They have applied three techniques on this
dataset, first is linear support vector machine model with
local rotationand orientationfreefeatures.Secondistransfer
learning with the help of two convolutional neural network
models. Third technique used is the capsule network. Since
the used dataset was not big enough, various kinds of
augmentation are applied on the same data in order to
improve performance. From these three experiments they
concluded that CNN basedtransferlearninggivesbestresults
out of three. Even capsule networks performbetterthanORB
and SVM classifiers.
In [9], X-ray images dataset is used. The dataset consists of
various categories of images such as bacterial pneumonia,
positive Covid-19 disease, and normal incidents. The aim of
the paper is to automate detection of coronavirus disease.
Specifically, they have adopted a transfer learning approach
to automate the process. They have used 6 pre-trained
architectures VGG19, MobileNet v2, Inception, Xception,
Inception Resnet v2. They concluded that VGG19 and
MobileNet v2 gives best results for theirdesired target. They
have also compared their results on various parameters as
accuracy, sensitivity, and specificity.
3. DATASET
This paper uses dataset named “Histopathological Cancer
Detection” which has been taken from Kaggle. Dataset
consists of whole slide images of cancerous and non-
cancerous tissue [10]. Dataset has 2,20,025 RGB images for
training with respective labelsandanother57,458imagesfor
testing. Out of 2,20,025 training images, 41% are cancerous
images and remaining of non-cancer.
Fig -1: Dataset Distribution
From the pie chart shown in fig. 1, it can be interpreted that
thedatasetisimbalanced.Sinceanimbalanceddatasetaffects
accuracy, hence it is necessary to balance the dataset. To
balance out the dataset, the conceptofdownsampling(under
sampling) is used by reducing the size of non-cancer class
which is in abundance. Hence 89000 images from both
classes are used, therefore total 178000 images have been
used, 10% out of this, that is 17800 images are used for
validation and the other 90% used for training models.
Table -1: Dataset Distribution
4. PROPOSED SYSTEM
The convolutional neuralnetwork(CNN)isaspecializedtype
of neural network model. This architecture is designed for
working withone,twoandthree-dimensionalimagedata[11,
20]. CNN is a sequence of multiple layers. These layerscanbe
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1388
convolution layer, non-linearactivation layer, dropoutlayer,
pooling layer, fully connected layer.
Convolution Layer:
The prime component of the network is the convolutional
layer; hence, the architecture is named after it. This layer is
responsible for performing linear operation known as
convolution. Convolution is nothing but multiplying the
input with a set of weights. In the proposed architecture
convolution operation multiplies two-dimensional array of
weights (filters or kernels) with the input data.
Activation Layer:
Convolutional neural networks are designed to extract and
analyze features from images. Basic featuresare extractedat
initial level, however very high-level features are extracted
at deeper levels. The purpose of introducing this layer is to
introduce nonlinearity, as nonlinear functions are good at
generating generalized features and makes training faster.
Most used activation layer is ReLU (Rectified Linear Unit).
ReLU returns 0 if inputvalue is 0 or less than 0 else it returns
input value as it is as output. Other activation functions are
tanh, sigmoid, and SoftMax.
Pooling Layer:
Most relevant features can be extracted using pooling layers.
Pooling layers also helps in reducing complexity of the
network by performing spatial dimensionality reduction.
Average pooling and max pooling are the most used pooling
layers. Max pooling layer selectsmaximumvaluefromregion
of input where kernel/filter is placed, however average
pooling layer takes average of all values fromregion of input
where kernel/filter is placed.
Dropout layer:
Thislayerisusedtopreventthenetworksfromoverfittingby
randomly deactivating some neurons while training.
If wecompare CNN with other classification algorithms,CNN
requires relatively less pre-processing. In traditional
algorithms filters are hand-engineered.CNNhastheabilityto
eliminatethisprocessandlearncharacteristics/featuresfrom
the input data itself. In the last few years, CNN has proved
itself to be the dominant method due to its improved
accuracy in fields such as computer vision.
CNN works best forclassification of image dataset. However,
CNN can be used in two ways,whicharetransferlearningand
the other one is using a specific convolutional network.
There are various pre-trained architectures which uses CNN
based transfer learning such as VGG16, Inception V3 [24],
Resnet Inception-ResNet, Xception, and so on. All of these
architectures are trained on ImageNet dataset. Feature
extractionandfinetuningarethetwowaystousepre-trained
architectures.Inthispaper,forfeatureextraction VGG16and
Inception V3 are used. Later these extracted features are
given as input to neural networks and random forest
algorithms which work as classifiers. The performance of
these models are comparedwith proposed CNN architecture
and are shown in fig. 2
Fig -2: Comparison Chart
The table 2, shows that either pre- trained architecture
overfits or underfits the given dataset. Overfitting refers to a
model that performs well on the training data, but
performance is degraded on validation data. Underfitting
refers to a model that can neither model the training datanor
generalize to new data. To put it simply, overfitting occurs
when the validation metrics are far worse than the training
metrics. On the contrary, underfitting occurs when training
metrics are far worse than validation metrics.
Table -2: Overview of different models Proposed CNN
The proposedarchitectureisaConvolutionalNeuralNetwork
classification model. It performs binary classification on
histopathological lung cancer images. The proposed
architecture consists of the following elements: three blocks
of convolutional layer, one max pooling layer and one
dropout layer. Each element is used multiple times to build
the complete architecture. Hence, the final model has twelve
convolutional layers, four dropout layers, three max pooling
layers, one flatten layer and finally one dense layer. The first
block consists of four convolutional layers, which in turnhas
thirty-two filters, one max poolinglayerandadrop-outlayer.
Each filter is of size 3 x 3 with ReLU activation function and
valid padding. The max pooling layer is of size 2. The drop-
out layer has a significant probability of 0.3.
The output from the first block is passed to the next block.
The next block has the following elements: convolutional
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1389
layers which has sixty-fourfilterseachofsize3x3followedby
one max pooling layer with filter size of 2x2 and finally a
drop-out layer with probability 0.3. The same structure is
repeated in the last block with the only difference of 128
filters in the convolutional layer. Theoutputfromthislayeris
passed on to the flatten layer followed by dense layer and
finally a drop-out with 0.3 probability. The dense layer has
256 units and ReLu activation function. ReLu activation
function is a nonlinear function. It does not activateall layers
at the same time; hence it generalizes well. At the last dense
layer is connected with 2 nodes and a SoftMax activation
function. Since this paper focuses on binary classification,
hence 2 nodes are used in the output layer.
Fig-3: Process Model
When the above CNN model is trained on histopathological
lung cancer images for 30 epochs, the model training history
obtained are shown as follows:
Fig -4: Model Training History
Fromtheaboveplots,itisseenthatthemodelhascomparable
performance on both train and validation datasets.
Table -3: Results
Loss 9.70%
Accuracy 96.43%
Validation Loss 8.00%
Validation Accuracy 97.10%
From the table no 3, it can be observed that accuracy and
validation accuracy are quite good. Also, both accuracies are
very close, which proves that the proposed CNN model very
well generalizes the used dataset.
Performance of the proposed CNN model is validated by
generating a confusion matrix which is shown in fig. 5.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1390
Fig -5: Confusion Matrix
Generated confusion matrix is of size 2*2 because there are
only two classes of images in the dataset used which are
cancerous and non-cancerous.Inthismatrix,predictedlabels
are shown on x-axis, and true labels are depicted on y-axis.
Furthermore, to judge the performance of the proposed
model, different performance measures like accuracy,
precision, specificity, f1 score are calculated and shown in
table no 4.
Table -4: Performance measure of proposed CNN model
Performance measure Result
Accuracy 97.09%
Precision 96.89%
Recall 97.31%
F1 Score 97.09%
Specificity 96.88%
Ideally a good classifier should have all measuresmentioned
in table 4 should be100%.From the table, it can beobserved
that all the measure values are greater than 96%. This
proves that the proposed system classifies the given dataset
very well.
5. CONCLUSION
The dataset used contains RGB images with two classes. In
this paper, three CNN based architectures areusedwhichare
proposed CNN model, and two pre-trained architectures
which are VGG16 and Inception V3. After comparing these, it
has been observed that the proposed CNN model gives best
performancethanpretrainedarchitectureswhichmakeuseof
CNN based transfer learning. The performance of proposed
architecture has been analyzed by generating confusion
matrices and by computing different performance measures
which are accuracy, precision, recall, F1- score and
specifically, all of these give acceptable results. As a future
extension to this project other pre- trained architectureslike
Resnet50, Xception, VGG19,MobileNet,etc.canalsobetested
on the dataset. Further, the cancerous patch can be marked
on the histopathological slideimage of lung tissue which will
help locate the exact areas
REFERENCES
[1] Neha Panpaliya, Neha Tadas, Surabhi Bobade, Rewati
Aglawe, Akshay Gudadhe, “A SURVEY ON EARLY
DETECTION AND PREDICTION OF LUNG CANCER”,
International Journal of Computer Science and Mobile
Computing Vo. 4 Issue, January- 2015
[2] J. Liu, H. Chang, C. Wu, W. S. Lim, H. Wang and J. R. Jang,
“Machine Learning Based Early Detection System of
Cardiac Arrest”, 2019 International Conference on
Technologies and Applications of Artificial
Intelligence(TAAI), Koahsiung, Taiwan, 2019
[3] Umesh D R. Dr. B Ramachandra, “Association Rule
Mining Based Predicting Breast Cancer Recurrence on
SEER Breast Cancer Data”, International Conference on
Emerging Research in Electronics, 2015
[4] Junho Yim, Jeongwoo Ju, Heechul Jung and Junmo Kim,
“Image Classification Using Convolutional Neural
Networks With Multi-stage Feature”, Springer
International Publishing Switzerland 2015
[5] Venubabu Rachapudi, G. Lavanya Devi, “Improved
convolutional neural network based histopathological
image classification”, part of Springer Nature 2020
[6] Chelghoum R., Ikhlef A., Hameurlaine A. Jacquir S.
(2020) Transfer learning Using Convolutional Neural
Network Architectures for Brain Tumor Classification
from MRI Images, vol 583. Springer, Cham.
[7] Jiechao Ma, Yang Song, Xi Tian, Yiting Hua, Rongguo
Zhang, Jianlin Wu, “Survey on deep learning for
pulmonary medical”.
[8] S. Yadav, M. Jadhav, Deep Convolutional neural network
based medical image classification for disease diagnosis,
2019.
[9] Ioannis D. Apostolopoulos, Tzani A. Mpesiana, Covid-19
Automatic detectionfromX-rayimagesutilizingtransfer
learning with convolutional neural networks, 2020
[10]M. Ơarić, M. Russo, M. Stella and M. Sikora, “CNN- based
Method for Lung Cancer Detection in Whole Slide
Hitopathological Images”, 2019 4th International
ConferenceonSmartandSustainableTechnologies,Split,
Croatia, 2019.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1391
[11] Rikiva Yamashita, Mizuho Nishio, Richard Kinh GianDo,
Kaori Togashi, “Convolutional neural networks: an
overview and application in radiology”, Insights into
Imaging - 2018
[12] Dinggang Shen, Guorong Wu, and Heung-Il Suk, “Deep
learning in medical analysis”, 2017
[13]T. Turki, "An empirical study of machine learning
algorithms for cancer identification," 2018 IEEE 15th
International Conference on Networking, Sensing and
Control (ICNSC), Zhuhai, 2018, pp. 1-5.
[14] Report on Adult Cigarette Smoking in the United States,
2018.
[15] Report on the global tobacco epidemic 2011 by WHO.
[16] Prajakta Belsare1, Volkan Y Senyurek1 , Masudul H
Imtiaz1 , Stephen Tiffany2 , and Edward Sazonov1*,
Senior Member, IEEE “Computation of Cigarette Smoke
Exposure Metrics from Breathing”, IEEE, 2020
[17] Report on Tobacco 2020 by WHO
[18] “Health Effects of Cigarette Smoking”.
[19] Report by University of Liverpool, 2016
[20] Andrew Zisserman, Karen Simonyan, Very Deep
convolutional networks for large scale Image
Recognition.
[21] Rebecca Siegel, Deepa Naishadham and Ahmedin Jernal
Cancer statistics, 2013
[22] Pal R, Saraswat M, Histopathological, Image
classification using enhanced bag-of-feature with spiral
biogeography-based optimization.
[23] PalR,SaraswatM,EnhancedbagoffeaturesusingAlexnet
and improved biogeography based optimization for
histopathological image analysis.Eleventhinternational
conference on contemporary computing.
[24]Deep Learning with Python (1st. ed.) by Francois Chollet.

More Related Content

Similar to Preliminary Lung Cancer Detection using Deep Neural Networks

Pneumonia Detection Using X-Ray
Pneumonia Detection Using X-RayPneumonia Detection Using X-Ray
Pneumonia Detection Using X-RayIRJET Journal
 
A Review on Covid Detection using Cross Dataset Analysis
A Review on Covid Detection using Cross Dataset AnalysisA Review on Covid Detection using Cross Dataset Analysis
A Review on Covid Detection using Cross Dataset AnalysisIRJET Journal
 
V5_I2_2016_Paper11.docx
V5_I2_2016_Paper11.docxV5_I2_2016_Paper11.docx
V5_I2_2016_Paper11.docxIIRindia
 
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...IRJET Journal
 
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...IRJET Journal
 
Malaria Detection System Using Microscopic Blood Smear Image
Malaria Detection System Using Microscopic Blood Smear ImageMalaria Detection System Using Microscopic Blood Smear Image
Malaria Detection System Using Microscopic Blood Smear ImageIRJET Journal
 
Melanoma Skin Cancer Detection using Deep Learning
Melanoma Skin Cancer Detection using Deep LearningMelanoma Skin Cancer Detection using Deep Learning
Melanoma Skin Cancer Detection using Deep LearningIRJET Journal
 
A Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep LearningA Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep LearningIRJET Journal
 
Early detection of tomato leaf diseases based on deep learning techniques
Early detection of tomato leaf diseases based on deep learning techniquesEarly detection of tomato leaf diseases based on deep learning techniques
Early detection of tomato leaf diseases based on deep learning techniquesIAESIJAI
 
Using Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionUsing Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionIRJET Journal
 
Lung Cancer Detection Using Deep Learning Algorithms
Lung Cancer Detection Using Deep Learning AlgorithmsLung Cancer Detection Using Deep Learning Algorithms
Lung Cancer Detection Using Deep Learning AlgorithmsIRJET Journal
 
IRJET- Lung Cancer Nodules Classification and Detection using SVM and CNN...
IRJET-  	  Lung Cancer Nodules Classification and Detection using SVM and CNN...IRJET-  	  Lung Cancer Nodules Classification and Detection using SVM and CNN...
IRJET- Lung Cancer Nodules Classification and Detection using SVM and CNN...IRJET Journal
 
Deep Learning Approach for Unprecedented Lung Disease Prognosis
Deep Learning Approach for Unprecedented Lung Disease PrognosisDeep Learning Approach for Unprecedented Lung Disease Prognosis
Deep Learning Approach for Unprecedented Lung Disease PrognosisIRJET Journal
 
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMS
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMSREVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMS
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMSIRJET Journal
 
IRJET- Intelligent Prediction of Lung Cancer Via MRI Images using Morphologic...
IRJET- Intelligent Prediction of Lung Cancer Via MRI Images using Morphologic...IRJET- Intelligent Prediction of Lung Cancer Via MRI Images using Morphologic...
IRJET- Intelligent Prediction of Lung Cancer Via MRI Images using Morphologic...IRJET Journal
 
IRJET - Classification of Cancer Images using Deep Learning
IRJET -  	  Classification of Cancer Images using Deep LearningIRJET -  	  Classification of Cancer Images using Deep Learning
IRJET - Classification of Cancer Images using Deep LearningIRJET Journal
 
Covid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural NetworksCovid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural NetworksIRJET Journal
 
CLASSIFICATION OF LUNGS IMAGES FOR DETECTING NODULES USING MACHINE LEARNING
CLASSIFICATION OF LUNGS IMAGES FOR DETECTING NODULES USING MACHINE LEARNING CLASSIFICATION OF LUNGS IMAGES FOR DETECTING NODULES USING MACHINE LEARNING
CLASSIFICATION OF LUNGS IMAGES FOR DETECTING NODULES USING MACHINE LEARNING sipij
 
Classification of Lungs Images for Detecting Nodules using Machine Learning
Classification of Lungs Images for Detecting Nodules using Machine LearningClassification of Lungs Images for Detecting Nodules using Machine Learning
Classification of Lungs Images for Detecting Nodules using Machine Learningsipij
 
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfresearchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfAvijitChaudhuri3
 

Similar to Preliminary Lung Cancer Detection using Deep Neural Networks (20)

Pneumonia Detection Using X-Ray
Pneumonia Detection Using X-RayPneumonia Detection Using X-Ray
Pneumonia Detection Using X-Ray
 
A Review on Covid Detection using Cross Dataset Analysis
A Review on Covid Detection using Cross Dataset AnalysisA Review on Covid Detection using Cross Dataset Analysis
A Review on Covid Detection using Cross Dataset Analysis
 
V5_I2_2016_Paper11.docx
V5_I2_2016_Paper11.docxV5_I2_2016_Paper11.docx
V5_I2_2016_Paper11.docx
 
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
 
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...
 
Malaria Detection System Using Microscopic Blood Smear Image
Malaria Detection System Using Microscopic Blood Smear ImageMalaria Detection System Using Microscopic Blood Smear Image
Malaria Detection System Using Microscopic Blood Smear Image
 
Melanoma Skin Cancer Detection using Deep Learning
Melanoma Skin Cancer Detection using Deep LearningMelanoma Skin Cancer Detection using Deep Learning
Melanoma Skin Cancer Detection using Deep Learning
 
A Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep LearningA Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep Learning
 
Early detection of tomato leaf diseases based on deep learning techniques
Early detection of tomato leaf diseases based on deep learning techniquesEarly detection of tomato leaf diseases based on deep learning techniques
Early detection of tomato leaf diseases based on deep learning techniques
 
Using Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionUsing Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia Detection
 
Lung Cancer Detection Using Deep Learning Algorithms
Lung Cancer Detection Using Deep Learning AlgorithmsLung Cancer Detection Using Deep Learning Algorithms
Lung Cancer Detection Using Deep Learning Algorithms
 
IRJET- Lung Cancer Nodules Classification and Detection using SVM and CNN...
IRJET-  	  Lung Cancer Nodules Classification and Detection using SVM and CNN...IRJET-  	  Lung Cancer Nodules Classification and Detection using SVM and CNN...
IRJET- Lung Cancer Nodules Classification and Detection using SVM and CNN...
 
Deep Learning Approach for Unprecedented Lung Disease Prognosis
Deep Learning Approach for Unprecedented Lung Disease PrognosisDeep Learning Approach for Unprecedented Lung Disease Prognosis
Deep Learning Approach for Unprecedented Lung Disease Prognosis
 
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMS
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMSREVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMS
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMS
 
IRJET- Intelligent Prediction of Lung Cancer Via MRI Images using Morphologic...
IRJET- Intelligent Prediction of Lung Cancer Via MRI Images using Morphologic...IRJET- Intelligent Prediction of Lung Cancer Via MRI Images using Morphologic...
IRJET- Intelligent Prediction of Lung Cancer Via MRI Images using Morphologic...
 
IRJET - Classification of Cancer Images using Deep Learning
IRJET -  	  Classification of Cancer Images using Deep LearningIRJET -  	  Classification of Cancer Images using Deep Learning
IRJET - Classification of Cancer Images using Deep Learning
 
Covid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural NetworksCovid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural Networks
 
CLASSIFICATION OF LUNGS IMAGES FOR DETECTING NODULES USING MACHINE LEARNING
CLASSIFICATION OF LUNGS IMAGES FOR DETECTING NODULES USING MACHINE LEARNING CLASSIFICATION OF LUNGS IMAGES FOR DETECTING NODULES USING MACHINE LEARNING
CLASSIFICATION OF LUNGS IMAGES FOR DETECTING NODULES USING MACHINE LEARNING
 
Classification of Lungs Images for Detecting Nodules using Machine Learning
Classification of Lungs Images for Detecting Nodules using Machine LearningClassification of Lungs Images for Detecting Nodules using Machine Learning
Classification of Lungs Images for Detecting Nodules using Machine Learning
 
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfresearchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
 

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

(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
 
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
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝soniya singh
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVRajaP95
 
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...Call Girls in Nagpur High Profile
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineeringmalavadedarshan25
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSSIVASHANKAR N
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxpranjaldaimarysona
 
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
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEslot gacor bisa pakai pulsa
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...RajaP95
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 

Recently uploaded (20)

(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
 
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
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineering
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptx
 
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
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 

Preliminary Lung Cancer Detection using Deep Neural Networks

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1386 Preliminary Lung Cancer Detection using Deep Neural Networks Neha Mayekar1, Shreya Pattewar2, Shubham Patil3, Ajay Dhruv4 1Student, Information Technology, Vidyalankar Institute of Technology, Maharashtra, India 2Student, Information Technology, Vidyalankar Institute of Technology, Maharashtra, India 3Student, Information Technology, Vidyalankar Institute of Technology, Maharashtra, India 4Prof., Dept. of Information Technology, Vidyalankar Institute of Technology, Maharashtra, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - In many countries around the world, lungcanceris the leading cause among cancer deaths. Tumorscanbebenign or malignant. "Cancer" here refers to malignant tumors. Causes of lung cancer include passivesmoking, directsmoking, exposure to certain toxins and family history. In this paper, Convolutional Neural Network is proposedforclassificationof histopathologicallungcancer tissueimages;also, performance of proposed CNN model is compared with other pre trained architectures. Successfuldetectionorpredictionoflungcancer in early-stage is very important. It will effectively reduce treatment costs which will be incurred in the future. It can reduce or eliminate risk of surgery and even increase survival rate. Therefore, the lung cancer detectionsystemsareeffective methods for early-stage detectionoflungcancer, besidesbeing easy, cost effective and time saving solutions. Hence, the system plays a vital role in the diagnosis process. Key Words: Deep learning, lung cancer, CNN, VGG16, Inception v3. 1.INTRODUCTION Lung cancer is a common type of canceroccurringinthelung. It causes damage to the lung tissues. A person is said to have lung cancer when there is irregular growth of cells in the lung. It may begin in one or both lungs. Coughing up blood, shortness of breath, cough are some of the common lung cancer symptoms. It most often occurs in the people who smoke. Primecauseoflungcanceriscigarettesmoking.Major cause of deaths occurring in the United States is cigarette smoking [14, 15, 16]. As per the estimation provided by the World Health Organization inMay 2020, more than 8 million people die due to tobacco use annually. Among these, approximately seven million die due to direct tobacco use, while 1.2 million people die because of being exposed to second-hand smoke [17]. According to [18], cigarette smoke consists of more than 4000 chemicals. Majority of these chemicals are cancer causing. A person has a 20-25 times greater risk of developing lung cancer who smokes more than one pack of cigarettes per day than someone who has never smoked and can increase the chance of survival by 73% due to early detection [19]. Tobacco use or smoking causes about 90% of lung cancer related deaths [1]. Though smoking remains the prime factor of causinglung cancer there are other factorsas well. Environmental pollution (mainly air), excess alcohol consumption, exposureto tobacco smoke(passivesmoking), among others also contributeto development of lungcancer. If lungcancer is predicted or detected early,thenitwillhelpa lot of people. This could work as an effective preventive strategy.Thetechniquesusedinthediagnosislungcancerare Computed Tomography (CT), Chest Radiography (x-ray), Sputum Cytology, Magnetic Resonance Imaging (MRI scan) etc. However, most of these techniques are costly and time consuming. Besides the chance of survival of the patient is greatly affected due to late or delayed cancer detection. [21] In order to overcome this there is a need of a technical solution forearly diagnosis,which will providefasterresults. It will greatly assist the medical staff [2]. In this system, deep learning techniques are used for early detection of cancer. In the system whole slide images are processedusingtheConvolutionalNeuralNetworkalgorithm forclassification of cancer and non- cancerimages[3].[23]In this early detection system, feature extraction is handled by the algorithm itself. Using these features, the system will predict lung cancer.Themotivationofdesigningthesystemis to provide a fast and cost-effective solution for early detection of lung cancer. The detection willbebasedonsome factors and thresholds which are explained later [22]. Deep Learning is prominently used in the field [12, 13] of medical image Processing. Section 2 discusses literature survey. Section 3 provides information on the dataset used in this paper. Section 4 discusses the proposed system. Section 5 discusses conclusion and future scope. 2. LITERATURE SURVEY Convolutional neural networks are widely used in Image Classification Systems [4]. Most of the time features are extracted from the top layer of CNN Model and then they are further utilized for classification. One problem with this technique is that it does not always provide relevant information. This paper makes use of a pre trained CNN model for feature extraction. They proposed a system in which feature extraction is done with the help of the second and third layer of the already learned CNN Model and the extracted features are further provided to another CNN Model. The Proposed method improves the result of existing models.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1387 Nowadays, medical imaging is widely being used in histopathological lung cancer classification [5]. The paper presents a very effective CNN based architecture for histopathological lung cancerimage classification.Thepaper presents a CNN architecture which has the following structure: one input layer, multiple blocks of convolutional layers, drop-out layers and max-pooling layer combination and fully connected layer. In total there are 16 convolutional layers, 05 dropout layers, 05 max-pooling layers and 01 fully connected layer. Therefore, the proposed architecture confirms the higher performance against existing models. In [6], the dataset of MRI images is used. However, the dataset used is small in size, hence the method of transfer learning is adapted. Transfer learning indicates use of deep pre-trained convolutional Neural Network architectures rather that building the entire modelbasedontrialanderror. The paper uses nine pre-trained architectures (AlexNet, GoogleNet, VGG-19, VGG16, ResNet-18, ResNet-50, ResNet- 101, ResNet-inception-v2, SENet), on the dataset.Theresults are generated over 25 epochs, 50 epochs and 90 epochs separately. A comparative study is then performed over the results. In conclusion, three epochs are chosen and these show that VGG16,VGG19andsomelayersofAlexNetperform better than ResNet and ResNet-Inception-v2. They achieved 98.71%, 98.55%and 98.55%, accuracy respectively.98.55% accuracy was achieved by both AlexNet and VGG16 with 50 epochs. But VGG16 consumed more time compared to AlexNet. In[7],theevolutionoftheneural networks overtheperiod of time is explained. The paper provides an overview of how deep learning can be used in medical image analysis by explaining the techniques of Classification, detection, and segmentation on pulmonary medical images. The process of detecting the pulmonary nodule using deep learning is also explained. These methods are implemented on various lung diseases such as pulmonary nodule diseases, pulmonary embolism, pneumonia and interstitial lung disease and an overview is presented. In [8], chest X-ray dataset is used in order to classify pneumonia. They have applied three techniques on this dataset, first is linear support vector machine model with local rotationand orientationfreefeatures.Secondistransfer learning with the help of two convolutional neural network models. Third technique used is the capsule network. Since the used dataset was not big enough, various kinds of augmentation are applied on the same data in order to improve performance. From these three experiments they concluded that CNN basedtransferlearninggivesbestresults out of three. Even capsule networks performbetterthanORB and SVM classifiers. In [9], X-ray images dataset is used. The dataset consists of various categories of images such as bacterial pneumonia, positive Covid-19 disease, and normal incidents. The aim of the paper is to automate detection of coronavirus disease. Specifically, they have adopted a transfer learning approach to automate the process. They have used 6 pre-trained architectures VGG19, MobileNet v2, Inception, Xception, Inception Resnet v2. They concluded that VGG19 and MobileNet v2 gives best results for theirdesired target. They have also compared their results on various parameters as accuracy, sensitivity, and specificity. 3. DATASET This paper uses dataset named “Histopathological Cancer Detection” which has been taken from Kaggle. Dataset consists of whole slide images of cancerous and non- cancerous tissue [10]. Dataset has 2,20,025 RGB images for training with respective labelsandanother57,458imagesfor testing. Out of 2,20,025 training images, 41% are cancerous images and remaining of non-cancer. Fig -1: Dataset Distribution From the pie chart shown in fig. 1, it can be interpreted that thedatasetisimbalanced.Sinceanimbalanceddatasetaffects accuracy, hence it is necessary to balance the dataset. To balance out the dataset, the conceptofdownsampling(under sampling) is used by reducing the size of non-cancer class which is in abundance. Hence 89000 images from both classes are used, therefore total 178000 images have been used, 10% out of this, that is 17800 images are used for validation and the other 90% used for training models. Table -1: Dataset Distribution 4. PROPOSED SYSTEM The convolutional neuralnetwork(CNN)isaspecializedtype of neural network model. This architecture is designed for working withone,twoandthree-dimensionalimagedata[11, 20]. CNN is a sequence of multiple layers. These layerscanbe
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1388 convolution layer, non-linearactivation layer, dropoutlayer, pooling layer, fully connected layer. Convolution Layer: The prime component of the network is the convolutional layer; hence, the architecture is named after it. This layer is responsible for performing linear operation known as convolution. Convolution is nothing but multiplying the input with a set of weights. In the proposed architecture convolution operation multiplies two-dimensional array of weights (filters or kernels) with the input data. Activation Layer: Convolutional neural networks are designed to extract and analyze features from images. Basic featuresare extractedat initial level, however very high-level features are extracted at deeper levels. The purpose of introducing this layer is to introduce nonlinearity, as nonlinear functions are good at generating generalized features and makes training faster. Most used activation layer is ReLU (Rectified Linear Unit). ReLU returns 0 if inputvalue is 0 or less than 0 else it returns input value as it is as output. Other activation functions are tanh, sigmoid, and SoftMax. Pooling Layer: Most relevant features can be extracted using pooling layers. Pooling layers also helps in reducing complexity of the network by performing spatial dimensionality reduction. Average pooling and max pooling are the most used pooling layers. Max pooling layer selectsmaximumvaluefromregion of input where kernel/filter is placed, however average pooling layer takes average of all values fromregion of input where kernel/filter is placed. Dropout layer: Thislayerisusedtopreventthenetworksfromoverfittingby randomly deactivating some neurons while training. If wecompare CNN with other classification algorithms,CNN requires relatively less pre-processing. In traditional algorithms filters are hand-engineered.CNNhastheabilityto eliminatethisprocessandlearncharacteristics/featuresfrom the input data itself. In the last few years, CNN has proved itself to be the dominant method due to its improved accuracy in fields such as computer vision. CNN works best forclassification of image dataset. However, CNN can be used in two ways,whicharetransferlearningand the other one is using a specific convolutional network. There are various pre-trained architectures which uses CNN based transfer learning such as VGG16, Inception V3 [24], Resnet Inception-ResNet, Xception, and so on. All of these architectures are trained on ImageNet dataset. Feature extractionandfinetuningarethetwowaystousepre-trained architectures.Inthispaper,forfeatureextraction VGG16and Inception V3 are used. Later these extracted features are given as input to neural networks and random forest algorithms which work as classifiers. The performance of these models are comparedwith proposed CNN architecture and are shown in fig. 2 Fig -2: Comparison Chart The table 2, shows that either pre- trained architecture overfits or underfits the given dataset. Overfitting refers to a model that performs well on the training data, but performance is degraded on validation data. Underfitting refers to a model that can neither model the training datanor generalize to new data. To put it simply, overfitting occurs when the validation metrics are far worse than the training metrics. On the contrary, underfitting occurs when training metrics are far worse than validation metrics. Table -2: Overview of different models Proposed CNN The proposedarchitectureisaConvolutionalNeuralNetwork classification model. It performs binary classification on histopathological lung cancer images. The proposed architecture consists of the following elements: three blocks of convolutional layer, one max pooling layer and one dropout layer. Each element is used multiple times to build the complete architecture. Hence, the final model has twelve convolutional layers, four dropout layers, three max pooling layers, one flatten layer and finally one dense layer. The first block consists of four convolutional layers, which in turnhas thirty-two filters, one max poolinglayerandadrop-outlayer. Each filter is of size 3 x 3 with ReLU activation function and valid padding. The max pooling layer is of size 2. The drop- out layer has a significant probability of 0.3. The output from the first block is passed to the next block. The next block has the following elements: convolutional
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1389 layers which has sixty-fourfilterseachofsize3x3followedby one max pooling layer with filter size of 2x2 and finally a drop-out layer with probability 0.3. The same structure is repeated in the last block with the only difference of 128 filters in the convolutional layer. Theoutputfromthislayeris passed on to the flatten layer followed by dense layer and finally a drop-out with 0.3 probability. The dense layer has 256 units and ReLu activation function. ReLu activation function is a nonlinear function. It does not activateall layers at the same time; hence it generalizes well. At the last dense layer is connected with 2 nodes and a SoftMax activation function. Since this paper focuses on binary classification, hence 2 nodes are used in the output layer. Fig-3: Process Model When the above CNN model is trained on histopathological lung cancer images for 30 epochs, the model training history obtained are shown as follows: Fig -4: Model Training History Fromtheaboveplots,itisseenthatthemodelhascomparable performance on both train and validation datasets. Table -3: Results Loss 9.70% Accuracy 96.43% Validation Loss 8.00% Validation Accuracy 97.10% From the table no 3, it can be observed that accuracy and validation accuracy are quite good. Also, both accuracies are very close, which proves that the proposed CNN model very well generalizes the used dataset. Performance of the proposed CNN model is validated by generating a confusion matrix which is shown in fig. 5.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1390 Fig -5: Confusion Matrix Generated confusion matrix is of size 2*2 because there are only two classes of images in the dataset used which are cancerous and non-cancerous.Inthismatrix,predictedlabels are shown on x-axis, and true labels are depicted on y-axis. Furthermore, to judge the performance of the proposed model, different performance measures like accuracy, precision, specificity, f1 score are calculated and shown in table no 4. Table -4: Performance measure of proposed CNN model Performance measure Result Accuracy 97.09% Precision 96.89% Recall 97.31% F1 Score 97.09% Specificity 96.88% Ideally a good classifier should have all measuresmentioned in table 4 should be100%.From the table, it can beobserved that all the measure values are greater than 96%. This proves that the proposed system classifies the given dataset very well. 5. CONCLUSION The dataset used contains RGB images with two classes. In this paper, three CNN based architectures areusedwhichare proposed CNN model, and two pre-trained architectures which are VGG16 and Inception V3. After comparing these, it has been observed that the proposed CNN model gives best performancethanpretrainedarchitectureswhichmakeuseof CNN based transfer learning. The performance of proposed architecture has been analyzed by generating confusion matrices and by computing different performance measures which are accuracy, precision, recall, F1- score and specifically, all of these give acceptable results. As a future extension to this project other pre- trained architectureslike Resnet50, Xception, VGG19,MobileNet,etc.canalsobetested on the dataset. Further, the cancerous patch can be marked on the histopathological slideimage of lung tissue which will help locate the exact areas REFERENCES [1] Neha Panpaliya, Neha Tadas, Surabhi Bobade, Rewati Aglawe, Akshay Gudadhe, “A SURVEY ON EARLY DETECTION AND PREDICTION OF LUNG CANCER”, International Journal of Computer Science and Mobile Computing Vo. 4 Issue, January- 2015 [2] J. Liu, H. Chang, C. Wu, W. S. Lim, H. Wang and J. R. Jang, “Machine Learning Based Early Detection System of Cardiac Arrest”, 2019 International Conference on Technologies and Applications of Artificial Intelligence(TAAI), Koahsiung, Taiwan, 2019 [3] Umesh D R. Dr. B Ramachandra, “Association Rule Mining Based Predicting Breast Cancer Recurrence on SEER Breast Cancer Data”, International Conference on Emerging Research in Electronics, 2015 [4] Junho Yim, Jeongwoo Ju, Heechul Jung and Junmo Kim, “Image Classification Using Convolutional Neural Networks With Multi-stage Feature”, Springer International Publishing Switzerland 2015 [5] Venubabu Rachapudi, G. Lavanya Devi, “Improved convolutional neural network based histopathological image classification”, part of Springer Nature 2020 [6] Chelghoum R., Ikhlef A., Hameurlaine A. Jacquir S. (2020) Transfer learning Using Convolutional Neural Network Architectures for Brain Tumor Classification from MRI Images, vol 583. Springer, Cham. [7] Jiechao Ma, Yang Song, Xi Tian, Yiting Hua, Rongguo Zhang, Jianlin Wu, “Survey on deep learning for pulmonary medical”. [8] S. Yadav, M. Jadhav, Deep Convolutional neural network based medical image classification for disease diagnosis, 2019. [9] Ioannis D. Apostolopoulos, Tzani A. Mpesiana, Covid-19 Automatic detectionfromX-rayimagesutilizingtransfer learning with convolutional neural networks, 2020 [10]M. Ć arić, M. Russo, M. Stella and M. Sikora, “CNN- based Method for Lung Cancer Detection in Whole Slide Hitopathological Images”, 2019 4th International ConferenceonSmartandSustainableTechnologies,Split, Croatia, 2019.
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1391 [11] Rikiva Yamashita, Mizuho Nishio, Richard Kinh GianDo, Kaori Togashi, “Convolutional neural networks: an overview and application in radiology”, Insights into Imaging - 2018 [12] Dinggang Shen, Guorong Wu, and Heung-Il Suk, “Deep learning in medical analysis”, 2017 [13]T. Turki, "An empirical study of machine learning algorithms for cancer identification," 2018 IEEE 15th International Conference on Networking, Sensing and Control (ICNSC), Zhuhai, 2018, pp. 1-5. [14] Report on Adult Cigarette Smoking in the United States, 2018. [15] Report on the global tobacco epidemic 2011 by WHO. [16] Prajakta Belsare1, Volkan Y Senyurek1 , Masudul H Imtiaz1 , Stephen Tiffany2 , and Edward Sazonov1*, Senior Member, IEEE “Computation of Cigarette Smoke Exposure Metrics from Breathing”, IEEE, 2020 [17] Report on Tobacco 2020 by WHO [18] “Health Effects of Cigarette Smoking”. [19] Report by University of Liverpool, 2016 [20] Andrew Zisserman, Karen Simonyan, Very Deep convolutional networks for large scale Image Recognition. [21] Rebecca Siegel, Deepa Naishadham and Ahmedin Jernal Cancer statistics, 2013 [22] Pal R, Saraswat M, Histopathological, Image classification using enhanced bag-of-feature with spiral biogeography-based optimization. [23] PalR,SaraswatM,EnhancedbagoffeaturesusingAlexnet and improved biogeography based optimization for histopathological image analysis.Eleventhinternational conference on contemporary computing. [24]Deep Learning with Python (1st. ed.) by Francois Chollet.