Lung Cancer Detection Using Digital Image Processing On CT Scan Images

You might also like

Download as pdf or txt
Download as pdf or txt
You are on page 1of 7

2019 5th International Conference on Advanced Computing & Communication Systems (ICACCS)

A novel approach for detection of Lung Cancer


using Digital Image Processing and Convolution
Neural Networks
Rohit Y. Bhalerao Department of Harsh P. Jani
Computer Engineering, VIVA Institute Department of Computer Engineering,
of Technology, VIVA Institute of Technology, Virar,
Virar, India India harsh.jani97@gmail.com
rohitbhalerao1997@gmail.com
Rachana K. Gaitonde Department of Vinit Raut
Computer Engineering, VIVA Institute Asst. Professor, Department of Computer Engineering,
of Technology, VIVA Institute of Technology,
Virar, India Virar, India vinitraut@viva-
rachana.gaitonde16@gmail.com technology.org

Abstract— Biomedical Image Processing is the latest emerging able to afford healthcare or expertise and imaging., let alone
tool in medical research used for the early detection of cancers. consultation and diagnosis. Artificial Intelligence will play an
Artificial Intelligence can be used in the medical field to diagnose important role in a demographic where expensive health care
diseases at an early stage. Computed Tomography (CT Scans) of lungs can be replaced by a computerized system.
of the patients from Lung Image Database Consortium (LIDC) is used
as input data for image processing. In pre-processing stage conversion
of RGB image to gray-scale image takes place because RGB images Image Processing is a method to convert an image into digital
are too complex to process. Gray-scale image is further converted to form and perform some operations on it, in order to get an
Binary image. After Image Processing, the input images become more enhanced image or to extract some useful information from it.
efficient and refined. These are input for the Convolution Neural It includes acquiring input images, noise removal, enhancement
Network. Convolution Filtering, Max Pooling filtering are steps in and segmentation. In Image Processing, the RGB images will
CNN which train the data to predict whether lung image is cancerous be converted to grayscale and binary. Images will be enhanced
(malignant) or non-cancerous (benign). Deep Learning is a newer and noise will be removed using filters. Blurred effect will be
branch of Artificial Intelligence research will help in better eliminated if any. This improves the quality of input image [13].
performance in CNN based systems. The proposed system will also
The Image Processing Toolbox in MATLAB is used to perform
take into account the processing power and time delay of the cancer
detection process for efficiency. the Image Processing stages. Many different algorithms are
possible for each stage in image processing [14].
Keywords— CNN, Deep Learning, LIDC, image processing, CT
scan, watershed segmentation. Deep Learning is used for the classification of CT Scan
Images as cancerous/non-cancerous. The process of feature
I. INTRODUCTION extraction in Convolution Neural Networks is such that features
are defined and computed by the algorithm itself. During the
Lung Cancer is the most common cancer among men and the training stage, input and an output label are provided. Based on
third most common cancer in women. 85% of all lung cancer the given data, the algorithm analyses the features/patterns and
cases are related to smoking and consumption of tobacco. for a training data, forms a set of parameters and feature
Around 20% of all mortality in cancer is due to lung cancer. 2.1 extraction [15]. Based on the computations, the new data can be
million new cases were registered and 1.8 million deaths were tested for prediction of a correct output. Convolution Neural
accounted in 2018 alone. The five-year survival rate for tumors Networks consist of an input and an output layer, and multiple
detected at an early stage is 56%, i.e, if detected at an early hidden layers. The input layers accept inputs and the number of
stage, treatments can prevent mortality and spread of tumor for output layers define the number of outputs in the result.
atmost 5 years, if not more or fully diagnosed. Early detection Convolution layers are used to define features and parameters.
of tumor can decrease mortality rate by 20% among individuals. Pooling layers bring together the computations with similar
Cancer cells multiply as the infection spreads, and tumors permutation. The convolution filter will form a spatially dense
increase in size gradually. A large population of cancer patients output by assigning a common value to a set of matrix pixels.
are from an economically poor background and might not be These values decide the output for that image.

577

978-1-5386-9533-3/19/$31.00 ©2019 IEEE


2019 5th International Conference on Advanced Computing & Communication Systems (ICACCS)

II. RELATED WORK using different markers : internal markers associated with
In 2012, Mokhled S. Al Tarawneh published a comparison object of interest and external markers associated with
paper between different Image Processing techniques and the background. It is simple, intuitive and fast method [4].
algorithms they use for a CAD system for lung cancer detection. According to the research, watershed segmentation approach
The main aim of the paper is to detect features for accurate has more accuracy (85.27%) than thresholding approach
comparisons between images with different processing (81.24%).
techniques [1]. Three steps are Image enhancement,
segmentation and feature extraction. The aim of image In 2017, authors Pooja R. Katre and Anuradha Thakare
enhancement is to improve quality of image to provide better described the various image processing techniques for detecting
input for classification. Gabor filter, auto enhancement and fast- lung cancer. In their proposed approach for noise removal and
fourier transform improve enhancement rate. Thresholding enhancement, method Median Filter is used. The best part about
and Watershed methods are used for segmentation, of which, median filter is it removes noise without blurring the image. It
watershed provides a better quality of segmentation. Feature preserves the edges of the regions [5]. It is used to remove salt
extraction uses binarization and masking approach. and pepper noise from the image. In enhancement stage gabor
Binarization and Masking, on combined implementation, gives filter is used as it gives better result compared to fast fourier and
an optimal result. auto enhancement. The purpose of this paper is to detect the
In December 2017, Suren Makaju, P.W.C Prasad, Abeer tumour at an early stage. CT scan images are taken as input.
Alsadoon and A.K. Singh worked on CAD system of lung After Image Processing is the feature extraction stage in which
cancer with CT Scan Images as primary focus. They believe the the area, perimeter, Eccentricity of the image is calculated.
that CT Scan Images are the best input data for this research [2]. Support Vector Machine algorithm is used to classify the data.
The proposed model uses noise removal algorithms before The features mentioned above help to identify the size of the
image processing. It uses the same segmentation as the current tumour and from that, the stage of the cancer is detected.
system, i.e., watershed algorithm and promotes a well-defined
feature extraction before classification using SVM. The author In 2017, from China, Lei Fan and his group of researchers made
has used images from LIDC dataset and the system gives a 92% use of deep learning algorithm for CAD lung cancer detection.
accuracy and 50% specificity. In this paper, image processing is not applied on CT scans of
lungs. The images are directly fed as an input to convolutional
In May 2015, Md. Badrul Alam Miah and Mohammad Abu neural network which consist of two convolutional layers, two
Yousuf proposed a Neural Network based CAD system for max pooling layers, one fully connected layer and one output
early detection and diagnosis. ANN and fuzzy clustering, IP, layer [6]. Rectified linear unit (ReLU) are applied between
Curvelet transform, multinomial Bayesian algorithm, back convolutional and max pooling layers. The system gives an
propagation, gray-coefficient mass estimation and SVM are the overall accuracy of 67.7%. It concludes that Support vector
basis of these observations. The goal is to create a fast and machines has lower classification accuracy than 3D
robust, more accurate system having a rotation, scaling and convolutional neural network in the same number of input
translation variant feature extraction [3]. A dataset of 300 samples.
images acquired from hospitals is used. Steps in proposed
system are Image acquisition, processing, binarization, In 2017, authors Qing Wu and Wenbing Zhao published a paper
segmentation using thresholding, feature extraction and neural to propose a CAD based Lung cancer detection system. In their
network classification. Steps in Image processing are grayscale system, neural network based algorithm, EDM (Entropy
conversion, normalization, noise reduction, binarization and Degradation Method) is proposed to detect SCLC (small cell
removing unwanted portion of image. Feature extraction uses lung cancer) from CT scan images [7]. The training and testing
features like center of image, ratio of height to width, average data are lung CT scan images which are provided by the
distance between black pixels and the center, etc. Neural National Cancer Institute. Five scans from each group are
networks is used for classification with two outputs. The system randomly selected to train the model. The images with SCLC
gives an accuracy of 96.67%, higher than all existing systems. are labelled as cluster 1 while others are labelled as cluster 0.
The paper proposes early stage detection of lung cancer.
In March 2014, Prof. Sanjeev N. Jain and Bhagyashri G. Patil
proposed few methods to detect cancerous cells from CT Scans In another paper by authors Anita Chaudhary and Sonit Sukhraj
of Lungs. The purpose of this paper is to find the cancerous cells Singh, the proposed CAD system has techniques to detect the
and give more accurate result by using various tumour at an early stage using Image Processing. In image
segmentation techniques such as thresholding and watershed enhancement stage, Gabor filter enhancement technique, Auto
segmentation. In thresholding, a threshold value is set to Enhancement Technique and Fast Fourier Transform
differentiate object of interest from the background. If the pixel Technique is used out of which the Gabor Filter Enhancement
value is greater than the threshold value then it belongs to the Technique is the most suitable one. According to the research,
object else it is in the background. Thus the region of interest the Watershed segmentation approach is more accurate than the
can be extracted by using thresholding approach. In watershed Thresholding segmentation approach [8]
segmentation, the background and the object are separated

578
2019 5th International Conference on Advanced Computing & Communication Systems (ICACCS)

III. PROPOSED SOLUTION


In 2017, Deep Prakash Kaucha and others proposed a system to The proposed system makes use of Convolution Neural
increase accuracy, sensitivity and specificity in LCD using Networks which gives a better performance compared to other
CAD system. This study aims at maximizing effectiveness from machine learning algorithms like SVM, ANN and Naïve Bayes.
strategic deployment of different techniques at different stages The feature extraction in CNN is defined by the algorithm itself
[9]. The existing system with its flow diagram is studied, which based on input data in the form of image and an output label.
uses K Means for clustering, Gray Level Co-occurrence Matrix The CNN layers define features and parameters for training.
(GLCM) for feature extraction and Back Propagation for Image Processing is performed on the data before feeding it to
classification. The proposed model uses Discrete Wavelet the convolution network to improve the quality of data and to
Transform for segmentation, GLCM for feature extraction, detect and extract the Region of Interest. The
SVM for classification with database from LIDC and
implementation in MATLAB. ROC curve for True Positive and Accuracy in CNN based systems is less for lung cancer
False Positive in existing and proposed systems show an detection systems using the LIDC database. LIDC is a very
improvement in performance. The system shows an accuracy of important and well maintained database for biomedical access.
95.16%, sensitivity of 98.21% and specificity of 78.69%. The proposed system aims at increasing the performance of
CNN based system in the classification of malignant and benign
In 2017, authors S. Kalaivani, Pramit Chatterjee, Shikhar Juyal tumours in CT Scan images for a better and early detection of
and Rishi Gupta of VIT University, Tamil Nadu proposed a cancer probabilities.
simple CAD system for Lung Cancer Detection, knowing the
importance of research in the field of Cancer research. The Accuracy of CNN based systems can be improved by
paper talks about Lung Cancer and its effects. The data used improving the quality of input data or by providing a better
is from the The Cancer Imaging Archive. The images are training or both. The CNN Network defined also plays a major
converted to grayscale, improved using Histogram Equalization role in improving results. More layers means a better training
and segmented using Thresholding. Feature Extraction is and a a more thoroughly performed computation on the
performed by calculating certain properties in the binary image permutations of pixel densitites and related features in the
[10]. Back Propogation network is used for classification as image.
ANN can perform multiple parallel calculations. This simple
system gives an accuracy of 78% and can be helpful to The input images are pre-processed to improve the quality of
radiologists. data sent into the CNN architecture. Preprocessing involves
binarization, normalization and noise removal. The normalized
In 2014, Prof. L.M. Deshpande and Mr. Vijay A. Gajdhane images are trained in the deep learning network in sets of 30
acquired CT Scan images from various hospitals for lung cancer images of normal, 30 images of benign and 30 images of
detection using Image Processing. Noise reduction filters, malignant tumour CT scan images. A single CPU 8 gigabyte
thresholding, segmentation using watershed segmentation and RAM takes around 4 hours of training for 20 images. This
feature extraction were studies to propose a methodology using dataset comprising a total of 90 images is trained for the training
MATLAB. Input images were passed through smoothing, module. The image is pre-processed to perform binarization,
enhancement and then segmented using marker-controlled noise removal and normalization. Each image is normalized to
watershed segmentation [11]. Features like area, perimeter, 256*256 pixels with zerocenter normalization. This will
eccentricity were extracted for the dataset and classification introduce uniformity to the dataset. A set of 30 new images are
was done using Maximum margin classifier. used for the testing phase.

In 2016, Prajwal Rao, Nishal Pereira and Raghuram Srinivasan A. Pre-processing


proposed a Convolution Neural Network based system for the
The images are converted to grayscale and then, to binary
screening and detection of Lung Cancer from CT Scan Images.
image. Binary images are easier to process than RGB images.
Data from the LIDC was used for the system. The data and its
Medical CT Scan images are mostly in grayscale by default, but
label is the input for the system. The CNN architecture consists
conversion removes any hardware errors during scanning
of one input layer, two convolution layers, a max pooling layer
process or to remove any unrecognized component in RGB.
and a fully connected layer and an output layer [12]. In the first
Matlab function rgb2gray is used for the same. Binarization
convolution layer, the output is 78 features. After the second
means to assign either a black or a white value (0 or 1) to each
convolution layer, the CNN network learns the features
pixel in the image. Matlab function im2bw is used for
hierarchically and avoids the need for a specific feature
binarization. The images are normalized to provide an uniform
engineering. The max pooling layer reduces the data
data set to the convolution network. Matlab function imresize is
dimensions. The fully connected layer gives two outputs by
used to provide a uniform pixel size. This is not to be mistake
combining all the features for a input image. The system was
with the normalization in the CNN input layer. Noise in the
compared to an ANN system with 50 neurons for accuracy. An
image (salt and pepper noise is most common) of any kind can
accuracy of 75% is obtained in comparison the ANN based
be mistaken for a tumor by the network. To avoid this common
system.
mistake, the image is smoothened by removal of noise using the

579
2019 5th International Conference on Advanced Computing & Communication Systems (ICACCS)

median filter. Median filter is more efficient because it removes architecture consists of 16 layers, as additional adjacent layers
the noise without distorting the image edges. Matlab function for decrease the chances of errors in performance. The list of layers
Median filter is medfilt2. The result of pre-processing is a is as follows:
normalized (uniform), binary image collection of a better quality
dataset. The processed images are fed as input to the CNN 1) imageInputLayer([227 227 3])
Network. 2) convolution2dLayer(5,20)
3) reluLayer
B. Convolution Neural Network 4) maxPooling2dLayer(2,'stride',2)
Previous implementation using 3D CNN Networks used an 5) convolution2dLayer(5,20)
architecture of 3D CNN, consisting of two different 6) reluLayer
convolution layers to obtain two sets of feature maps. The 7) maxPooling2dLayer(2,'stride',2)
second layer consists of two different max-pooling layers 8) convolution2dLayer(5,20)
applied on the feature maps. A convolution layer after the max- 9) reluLayer
pooling layer gives a set of resized feature maps. A second max- 10) maxPooling2dLayer(2,'stride',2)
pooling layer is applied to each feature map. This helps connect 11) fullyConnectedLayer(3)
convolution layer to multiple frames of data. The final layers 12) softmaxLayer
are fully connected layers and the dropout laye ReLU activation 13) classificationLayer()
is needed in each layer of the architecture. This entire
architecture is binded by a final fully-connected layer and a Input Layer provides the input image to the CNN network. The
softmax layer with constant learning rate. The architecture input to the network is a pre-processed image with zero-center
delivers an accuracy of 67.7%. normalization and empty transformations performed. The
image size is reduced to 227*227 with 3 input data types.
The CanNet architecture uses an input layer in which images
are 3D concatenated to create a linear volume. The input layer Convolution Layer uses two parameters; filter size and number
is followed by two Convolution layers, a max-pooling and a of filters. A 2-D convolution layer is applied which convolves
fully-connected layer and an output layer. The first convolution the filters vertically and horizontally through the image. It
layer produces 78 features, the second convolution layer detects calculates the dot product of the weights and and input for each
patterns in features, to learn feature exractions hierarchically feature, and adds a bias term, which is set to default value.
from the previous layer. Both layers are followed by a ReLU
layer to rectify all negative activations to zero. Max-pooling Rectified Linear Unit (ReLU) Layer applies a max function
layer reduces data size by reducing data dimensions. A dropout f(x)=max(x,0) to the matrix of the convolved image after
layer helps randomly avoiding neurons in the CNN network for convolution. It sets all the negative values in the dot products
allowing newer data to be tested on different neurons, and of the matrix to 0. All other values are unchanged. It increases
minimizing a influence of previous testing on new testing data the speed of training the network by removing negative
incase of similiarities. The fully-connected layer reduces the activations in the gradient, thus avoiding complex negative
architecture to two neurons, one for both of the desired outputs, computations.
benign and

Fig. 1. Architecture of CNN Network


malignant. It uses all features to create a top level image for Max-Pooling Layer with pool size [2,2] and stride [3,3] is
classification. CanNet architecture delivers an accuracy of 76%. created after ReLU activation. This layer divides the input
matrix into rectangular pooling sub-regions, and calculates the
In the proposed system, data to the CNN architecture will be maximum in each region. It performs down-sampling and
individual slices of CT Scan images, to avoid a 3D makes an abstract representation of the features in each sub-
concatenation and will study individual instances of each data regions. It reduces the number of pixels which reduces the
to predict the presence of cancerous tumour in the input. The computation of parameters in the input. A stride of 2*2 prevents

580
2019 5th International Conference on Advanced Computing & Communication Systems (ICACCS)

overlapping of sub-regions. The Convolution, ReLU dataset is pre-processed and stored as a training dataset. Pre-
and Max-Pooling layers are applied thrice in the sequence – processing invloves grayscale conversion, noise removal and
Convolution Layer -> ReLU Layer -> Max-Pooling Layer. segmentation. This dataset is trained in the CNN Neural
Network with its labels. The remaining 30 percent of images
Fully Connected Layer is applied the sequence of Convolution, are used as a testing dataset. Images from the testing dataset are
ReLU and Max-Pooling layers. The input to fully connected pre-processed and sent into the neural network for
layer is a meaningful, low-dimensional invarient feature space. classification. The end result is the detection of normal, beningn
The fully connected layer is used to get a non-linear or malignant case along with tumor edge-detected using
combination of the features. It holds a feature vector for the watershed algorithm.
input, which is needed for classification or regression and
categorization. The input size to the layer, ‘3’ specifies the three
types of desired outputs. A transfer function ‘tf’ shows input- IV. IMPLEMENTATION
output relation in the layer. Fully Connected layer gives an end-
A. Implementation in MATLAB
to-end training to the network.
The proposed system is implemented in MATLAB. MATLAB is a
Softmax Layer applies a softmax function to the output. The high-performance computing environment and language for
productivity, research, development and analysis in the fields of
softmax function applies probability distribution to the feature mathematics, science and computer technology. The LIDC database
vector produced in the fully connected layer. It maps the feature consists of images in DICOM format, which are converted to .jpeg
vector over a predicted output class using probability using open source software MicroDicom converter. These images
distribution. were sorted and labels were generated. The image pre-processing in
MATLAB uses the directory to dataset and applies pre-processing
Classification Layer assigns a probability value obtained from steps to the images and saves them in another folder. The Deep-
the softmax layer to each of the mutually exclusive output Learning Toolbox is available on MATLAB for Deep Learning and
CNN Neural Networks related aid. Designing the user interface in
possible on MATLAB using the GUIDE; GUI Designing
Environment. Two-dimensional or three-dimensional graphs can be
plotted on MATLAB with ease.

Images of types malignant, benign and normal are used as


a dataset for the system. These images are originally in .dicom
format and ar converted to .jpeg or .png format. 250 images of
each type are used for pre-processing and stored as a
preprocessed database in .png format. These images are used
for training by the CNN network, at 900 epochs. After training
is complete, the remaining images of each type in the dataset
can be tested. During testing, image processing is performed on
the selected image and then, it is fed into the CNN network. The
output is either normal, benign or malignant. Watershed
algorithm shows edges of tumor in benign or malignant image.
Accuracy can be calculated using confusion matrix. MATLAB
version 2018b allows graph plots to show the rates of training
the CNN network.
B. Discussion
The steps in Image Processing and deep learning are explained in the
tables Table 1 and Table 2 below.

Fig. 2. System Flow Diagram

classes. It uses a cross-entropy function to assign each input


(probability distribution value) an output class.

C. System Flow Diagram


The CT Scan images are stored as a dataset divided into
malignant, beningn and normal images. 70 percent of the

581
2019 5th International Conference on Advanced Computing & Communication Systems (ICACCS)

Table 1. Steps in Image Processing


Step Function Description
Grayscale Conversion rgb2gray Images are already in grayscale but conversion will avoid any
remaining rgb elements in data images.
Binary Conversion im2bw Binarization will give pixels either a value 0 or 1. (black/white)
Median Filter medfilt2 Median filter removes noise in image without distortion of edges.
Watershed Segmentation watershed_old Watershed Segmentation compares adjacent pixel values while
Thresholding compares pixel value to a threshold value.
Watershed segmentation is more efficient.
Dilation dilateBW Dilation is performed before segmentation to provide structural
element to image. (shapes such a sphere)
Plot Features plotfeatures(img) Features (tumor/ROI) is plotted as an edged polygon
Boundary plotting bwboundaries(x) Boundaries in the image are generated.

Table 2. Layers in Convolution Neural Network


Layer Layer Parameters Description Equations
Input Layer 227*227*3 227*227 pixel input image with 3 -
classes/labels
Convolution Layer (filtersize,numberOfFilters) 5*5 filter, 20 filters. Horizontal and Zero Padding = (K-1)/2
= (5,20) Vertical filters calculating dot product of Output = [(W–K+2P)/S]+1
pixel values. (convolved matrix) W - Input size, K - Filter size
P - Padding, S - Stride
Rectified Linear Unit - Activation function replaces negative f(x) = max(0, x)
computations in the convolved matrix by Changes negative activations to 0.
‘0’. This prevents complex calculations.
Max-pooling Layer (2,’stride’,2) Replaces every 2*2 submatrix by the İnput size: W1 * H1
maximum pixel value of the submatrix. Parameters: F, S
This retains the features of the image. Output size: W2 * H2
Stride prevents overlapping of where W2 = [(W1-F)/S]+1
submatrices, H2 = [(H1-F)/S]+1
W*H : width*height,
F : Spatial extent
S : Stride
Fully connected Layer (number of outputs) = (3) Number of outputs are specified in the y=σ (w1+w2+…..+wm)
parameter. The convolved matrix is σ : non-linear function
represented as as a non-linear feature y : feature vector
vector. w1,w2,…,wm : learnable
parameters
Softmax Layer - Calculates a probability distribution yr(x) = exp[ar(x)]k  j=1exp[aj(x)]
from the feature vector using maximum where 0≤yr≤1 and k  j=1yj=1.
entropy function. Maximum Entropy function : yr(x)

Classification Layer - Assigns an output class to the -


(Output) probabilistic value.
images were detected false negative.
V. RESULTS AND ANALYSIS
A total of 910 images were taken from LIDC as the dataset for Table 3. Results for three classes
the implementation. 257 images were labeled normal, 331 as Normal Beningn Malignant
beningn and 322 as malignant. 210 images of each class were Sensitivity 87.23% 91.73% 93.69%
pre-processed and trained in the CNN network. The remaining Specificity 95.98% 94.77% 96.20%
images were untrained and tested to get results. A total of 281 Precision 82% 93.27% 94.54%
images, 47 images of normal, 121 images of beningn and 113 Accuracy 94.46% 93.43% 95.16%
images of malignant class were tested. A accuracy is calculated Ratio (Training data : 210 : 47 210 : 121 210 : 113 //
using confusion matrix. For normal images, 10 images were Testing data) // 4.5 : 1 // 1.73 : 1 1.85 : 1
detected false negative, and 9 images of other detected false
positives. For beningn images, 10 images were detected false The accuracy of the system for classification of an image as one
negatives and 8 images were detected false positives. For of the three classes is calculated by adding the true positives,
malignant images, 6 images were detected false positive and 7 true negatives and false positives, false negatives of all the three
classes.

582
2019 5th International Conference on Advanced Computing & Communication Systems (ICACCS)

True positives : 256 False positives : 23 Symposium on Computer Science and Intelligent Controls (ISCSIC),
True negatives : 512 False negatives : 23 Budapest 2017, pg. 88-91
[9] D. P. Kaucha et. al, “Early Detection of Lung Cancer using SVM
Table 4. Cummulative Results Classifier in Biomedical Image Processing”, IEEE International
Conference on Power, Control, Signals and Instrumentation
Engineering (ICPCSI-2017), Chennai, 2017, pg. 3143-3148.
Sensitivity 91.75%
[10] A. Chaudhary and S. S. Singh, “Lung Cancer Detection on CT
Specificity 95.70%
images by using Image Processing”, 2012 International Conference
Precision 91.75% on Computing Science, Phagwara, 2012, pg. 142-146.
Accuracy 94.34% [11] S. Kalaivani et. al, “Lung Cancer Detection Using Digital Image
Processing and Artificial Neural Networks”, International
An overall accuracy of 94.34% is obtained from proposed system. Conference on Electronic, Communication and Aerospace
Technology (ICECA) Coimbatore, 2017, pg. 100-103.
[12] P. Rao et. al, “Convolution neural networks for lung cancer
VI. FUTURE SCOPE screening in computed tomography (CT) scans”, 2016 2 nd International
The LIDC dataset is a static dataset. Maintaining a dynamic Conference Conference on Contemporary Computing and Informatics
real-time database will help study the changes in lung cancer (IC3I), Noida, 2016, pg. 489-493.
cases over a time period. Increasing the number of [13] R. Golan et. al, "Lung nodule detection in CT images using deep
convolutional neural networks," 2016 International Joint Conference
Convolutions in deep learning will improve the results of the on Neural Networks (IJCNN), Vancouver, BC, 2016, pp. 243-250
system variably, but will also affect the efficient and [14] W. Alakwaa et. al, “Lung Cancer Detection and Classification
performance time delay exponentially. The batch size for with 3D Convolutional Neural Network (3D-CNN).” 2017
training neural network can be increased for a high performance International Journal of Advanced Computer Science and Applications
GPU. The system can be tested on a set of different databases (IJACSA), volume 8, no. 8, pg. 109-117.
like the RIDER or TCIA database. More accurate feature [15] S. Prakash et. al, “An Automated System for the Detection of
plotting is possible boundary detection in tumor cells. The Lung Cancer in CT data at Early Stages: Review,” 2017 International
Journal of Control Theory and Applications, pg. 133-144.
overall accuracy of the system can be furthur improved in Deep
[16] https://en.wikipedia.org/wiki/Median_filter , last accessed on
Learning. 01/10/2018
[17] https://in.mathworks.com/help/images/marker-controlled-
watershed- segmentation.html, last accessed on 19/08/2018
VII. REFERENCE [18]https://www.google.co.in/search?q=convolution+neural+network
s&oq=convolution+neural+networks&gs_1=psy, last accessed
on 05/10/2018.
[19] https://www.wikipedia.com/lung_cancer, last accessed on
[1] Md. Badrul Alam Miah et. al, “Detection of lung cancer from CT 29/01/2019.
Image using Image Processing and Neural Networks”, 2015 [20] https://en.wikipedia.org/wiki/Sensitivity_and_specificity, last
International Conference on Electrical Engineering and Information accessed on 14/02/2019.
Communication Technology, (ICEEICT), Dhaka, 2015, pg.1-6. [21] https://in.mathworks.com/help/deeplearning/index.html, last
[2] P. R. Katre and A. Thakare, “Detection of Lung ancer Stages accessed on 14/02/2019.
using Image Processing and Data Classification Techniques”, 2017 [22] C.V. Arulkumar et al., "Secure Communication in Unstructured
2nd International Conference for Convergence in Technology (I2CT), P2P Networks based on Reputation Management and Self
Mumbai, 2017, pg. 402-404. Certification", International Journal of Computer Applications, vol.
[3] L. Fan et. al, “Lung nodule detection based on 3D Convolutional 15, pp. 1-3, 2012.
Neural Networks”, 2017 International Conference on the Frontiers [23] C.V. Arulkumar, G. Selvayinayagam and J. Vasuki,
and Advances in Data Science (FADS), pg. 7-10. “Enhancement in face recognition using PFS using Matlab,”
[4] Mr. Vijay A. Gajdhane and Prof. L. M . Deshpande, International Journal of Computer Science & Management Research,
“Detection of Lung Cancer Stages on CT scan Images by Using vol. 1(1), pp. 282-288, 2012
Various Image Processing Techniques”, IOSR Journal of Computer [24] H. Anandakumar and K. Umamaheswari, “Supervised machine
Engineering (IOSR - JCE), Volume 16 issue 5 (Sept – Oct 2014), learning techniques in cognitive radio networks during cooperative
pg. 28-35, e-ISSN 2278-0661, p-ISSN 2278-8727. spectrum handovers,” Cluster Computing, vol. 20, no. 2, pp. 1505–
[5] Mokhled S. Al Tarawneh, “Lung Cancer Detection Using 1515, Mar. 2017.
Image Processing Techniques”, Leonardo Electronic Journal of [25] V. Arulkumar. "An Intelligent Technique for Uniquely
Practices and Technologies, Issue 20, pg. 147-158, January-June 2012, Recognising Face and Finger Image Using Learning Vector
ISSN 1583-1078. Quantisation (LVQ)-based Template Key Generation," International
[6] Suren Makaju et. al, “Lung Cancer Detection using CT scan Journal of Biomedical Engineering and Technology 26, no. 3/4
images.”, 6th International Conference on Smart Computing and (February 2, 2018): 237-49.
Communications, ICSCC 2017, 7-8th December 2017, Kurukshetra,
India.
[7] Sanjeev Jain and Bhagyashri G. Patil, “Cancer cells detection
using Digital Image Processing Methods”, International Journal of
Latest Research in Science and Technology, Volume 3(4), March
2014, pg. 45-49.
[8] Q. Wu and W. Zhao, “Small-Cell Lung Cancer Detection Using a
Supervised Machine Learning Algorithm”, 2017 International

583

You might also like