Abstract

In lung cancer, tumor histology is a significant predictor of treatment response and prognosis. Although tissue samples for pathologist view are the most pertinent approach for histology classification, current advances in DL for medical image analysis point to the importance of radiologic data in further characterization of disease characteristics as well as risk stratification. Cancer is a complex global health problem that has seen an increase in death rates in recent years. Progress in cancer disease detection based on subset traits has enabled awareness of significant as well as exact disease diagnosis, thanks to the rapid flowering of high-throughput technology as well as numerous ML techniques that have emerged in recent years. As a result, advanced ML approaches that can successfully distinguish lung cancer patients from healthy people are of major importance. This paper proposed lung tumor detection based on histopathological image analysis using deep learning architectures. Here, the input image is taken as a histopathological image, and it has also been processed for removing noise, image resizing, and enhancing the image. Then the image features are extracted using Kernel PCA integrated with a convolutional neural network (KPCA-CNN), in which KPCA has been used in the feature extraction layer of CNN. The classification of extracted features has been put into effect using a Fast Deep Belief Neural Network (FDBNN). Finally, the classified output will give the tumorous cell and nontumorous cell of the lung from the input histopathological image. The experimental analysis has been carried out for various histopathological image datasets, and the obtained parameters are accuracy, precision, recall, and F-measure. Confusion matrix gives the actual class and predicted class of tumor in an input image. From the comparative analysis, the proposed technique obtains enhanced output in detecting the tumor once compared with an existing methodology for the various datasets.

1. Introduction

Cancer is a disease in which cells of the body multiply uncontrollably. When cancer spreads to the lungs, it is known as lung cancer. The leading cause of cancer is cigarette smoking. Tobacco, second-hand smoking, and occupational exposure to chemicals like asbestos or radon can cause lung cancer [1]. There are different types of lung cancer, and doctors can diagnose it using their procedures. To avoid human effort or error, we built a code in which we take a CT scan image and describe its properties, and then use various methods to determine whether the image is cancerous or not. Not only men but also women suffer from the same dangerous sickness in this world. Patient with lung cancer has a relatively short life expectancy after being diagnosed. CT scans from 61 patients were taken in Dicom format if the CT scans were taken in that format. There are 60 images in the database. We have presented a concept that reads JPEG-converted Dicom Format images of the lungs and uses image processing algorithms to look for any abnormalities. After the scanning is complete, the system calculates specific aspects of abnormality as well as feeds them into a system that has been taught to detect whether the anomaly is malignant. C 4.5 decision tree machine learning method is used for training. Conversion to grayscale, thresholding, histogram equalization, and feature extraction are among the image processing procedures. A total of 50 images are used to train the machine learning system. The result shows whether the tumor is cancerous or benign [2].

Millions of people are likely to benefit from the widespread adoption of lung cancer screening. However, radiologists face a significant workload due to the millions of CT scan pictures obtained from patients. Inter-rater disagreement has also been found [3]. Computer-aided diagnostic tools have already been shown to enhance the diagnosis of lung nodules in CT scans. Kaggle Data Science Bowl provided labelled chest CT images from 1397 patients to encourage the development of ML methods for automated CT diagnosis [4]. As a result, 1972 teams from all over the world have entered the competition, with 394 teams completing all phases, making it the largest healthcare-related Kaggle challenge ever. This is a once-in-a-lifetime opportunity to investigate the durability of medical ML methods as well as compare the performance of different methods for processing as well as categorising chest CT data at scale [5].

This paper proposes lung cancer detection using deep learning architectures for histopathology image analysis. The contributions made in this paper are as follows:(i)To process the input histopathology image for noise removal, images resize, and normalize images.(ii)To extract the features of processed lung image using KPCA–CNN.(iii)To classify extracted features using FDBNN. The classified output shows the normal cell and cancerous cells of the input histology image.(iv)The simulation analysis has been carried out for various data sets for histopathology images for parametric analysis in terms of accuracy, precision, recall, and F-measure. By confusion matrix, the actual class, as well as the predicted class of tumor, has been shown.

Paper organization is as follows: related works are detailed in Section 2. Section 3 defines the proposed methodology of lung cancer detection. Experimental analyses are in Section 4 and finally concludes in Section 5.

Deep learning-based neural networks have emerged as the dominant technique in medical image analysis in recent years, outperforming algorithms based on handcrafted features. To variate lung cancer nodules from non-nodules, authors in [6] compared various methods. They developed the 3D Convolutional Neural Network Technique to minimize/eliminate false absolute predictions. False detections are obtained due to nodules in assorted sizes and utilizing one CNN. To find lung cancer using CT images, authors in [7] used 3D DenseNet and neural networks C3D. These NN are used in whole lung 3D images as well as two-stage methods (two distinct NN are trained for segmentation and classification) and compared. To determine malignancy level and segmentation are two architectures proposed in [8]. In [9], author proposed an automatic lung nodule detection module. A public data set called LIDC-IRDI exists used for the proposed method. Multi-Scene Deep Learning Framework is the proposed method. To detect lung cancer, CNN-based method is proposed in [10]. From 69 different patients, they consider only 100 images that are 50 others and 50 cancerous. Augmentation was utilized to get a healthy data set based on a fewer number of images. This study used VGG-16 CNNs, AlexNet, and LeNet. In [11], an iterative voting technique based on radial symmetries that are adaptable to perturbation as well as analyzing elliptical shapes based on this notion of radial symmetry-based voting is suggested. An iterative process is computationally costly. To solve this issue, the authors of [12] suggested single-pass voting for cell identification, in which only one round of voting is performed as well as final cell centers are computed by applying mean shift clustering [13] to the vote image. DL methods, particularly CNNs, have recently sparked interest and attained state-of-the-art performance in a variety of vision tasks, including image classification, object recognition, and segmentation [14]. The use of CNN in medical image analysis is claimed to be a huge success [15]. Deep CNN is used in histology breast cancer images for automatic mitotic cell detection [16]. The authors used CNN to compute pixel-wise coarse segmentation before applying a fast min-cut/max-flow graph inference technique to get the final nucleus positions [17]. The CNN models are used in both [18, 19] to test pictures in a sliding window fashion for pixel-wise classification, which is costly. FCN (Fully Conventional Network) was proposed in [20]. Unlike traditional CNN techniques [21], FCN is trained from beginning to finish and may create output maps same size as inputs, making it both asymptotically as well as absolutely efficient [22]. Despite the fact that several methodologies for lung cancer diagnostics is proposed in literature, these techniques have little potential for early cancer identification. The majority of these methods have a number of disadvantages, including excessive complexity, inability to provide acceptable results due to a lack of consideration of informative or relevant features as a goal, as well a higher number of iterations needed to achieve acceptable results.

3. Proposed Tumor Detection Model

This section discusses the model of lung cancer detection using deep learning technique-based architecture. Here, we use histopathological-based image analysis for lung cancer detection. The overall architecture of the proposed model is given in Figure 1.

Feature extraction using Kernel PCA integrated with convolutional neural network:

Kernel PCA is a PCA extension that uses kernels to allow for the separation of nonlinear data. The core notion is to project linearly inseparable data onto a higher dimensional region where it may be separated linearly. Kernel PCA projects a data set into a higher dimensional feature space, where it can be linearly separated, using a kernel function. Here extraction of input histology image has been carried out using KPCA-CNN. In HD space using kernel function, KPCA is a method for producing traditional linear PCA. Through some nonlinear, u(xt), z = u(xt). Let H be a Hilbert space that realizes trace class G as a self-adjoin operator. T ∈ B (H) is tumor trace class if and only if the series is convergent for some ONB . In this case, from (1),

Let be a frame in H. , then by

Then given bywhere ; and by

A positive definite kernel on S is a function K : S × S ⟶ C, such that from (5),

For all , and

Given a p.d. kernel as there exists RKHS H (K) and a mapping Φ: SH (K) such that from (6),

For this issue, Φ is called a feature map. Further, reproducing property is given as

For all f ∈ H (K), and x ∈ S. H (K) may be chosen as the Hilbert completion by (8):

H (K) is inner product is given by (9)

A combination of pool and convolution layers is usually used in CNN architecture. Means and max-pooling are the two types of operation in the pooling layer. The average neighborhood is determined inside the feature points in mean pooling and within a maximum of feature points in max pooling. Mean pooling lowers the inaccuracy caused by the neighborhood size restriction while preserving background data.

Convolutional, max pooling, fully connected layers, and softmax functions are four types of layers. A 224 × 224 × 3 image is used as NNs input. Filters are 3D matrices with a stride of one. CNN is a set of convolutional as well as pooling layers that allow for the extraction of key characteristics from images that best match the end goal. Convolution is defined as a product on a volume by creating a convolution product on a 2D matrix, which is the sum of element-wise products. Based on chain rule and vector calculus, the CNN learning process is done.

Suppose z is a scalar and the vector is . A partial derivative of z based on y is a vector if z is a function of y is given by (10)

Consider, is another vector and y is a function of x. With respect to x, partial derivative of y is given in (11)

It is an H × W matrix, ith row and jth column entry at intersection level is . Image with H rows, W columns, and 3 channels are the input of order 3 tensor which CNN considers. A layer is a type of processing step that is anything from a convolution layer to a pooling layer to a normalizing layer to a fully linked layer to a loss layer.

Input , make it pass processing of 1stlayer, and get . In turn, is passed into the 2nd layer. Achieve , which evaluates posterior probabilities belonging to C categories. CNN output prediction by (12)

Already evaluated terms . Compute , using chain rule in (13)

Consider 1-th layer, whose inputs are an order of 3 tensors . To designate any certain element in , triplet index set is required. Triplet indicates to one element in , which is in th channel, at spatial location . Mini batch method is utilized in actual CNN learning. Becomes an order 4 tensor in in which N is mini-batch size. Consider N = 1 for simplicity. Zero-based indexing convention is utilized to simplify notations that indicate , and .

In lth layer, a function will transfer input to an output y, which is also input to the forthcoming layer. y and in fact refers to the same object, and it is very helpful to keep this point in mind. Assume output with size and an element in indexed output by a triplet, as shown in (14)

and y share similar size, ReLU layer does not change input size. For every element in input, ReLU is considered as truncation that is given in (15)

With , and

In this layer, there is no need for parameter learning and no parameter inside the ReLU layer. Based on the above equation, it is obvious, as shown in (16)

[[.]] is denoted as an indicator function, and it is given in equation (17)

Consider 2 × 2 convolution kernel size and 3 × 4 input image by combining a matrix with one single convolution kernel. Multiple convolution kernels are utilized in the convolution layer. Consider D kernels are utilized and every kernel is of spatial span H × W, f is an order 4 tensor in . Similarly, index variables , and used to pinpoint a certain element in kernels. Consider stride is 1, and no padding is utilized. Hence, or in with , and , the convolution process is given in the equation: for all and for any spatial location satisfying . In this equation, refers to an element of indexed by triplet . is bias term that is usually added to . Consider is a 3rd order tensor in with one element in being indexed by a triplet . Consider f is a set of convolution kernels with spatial extent are H × W. Converts into a matrix by expansion operator. In this matrix, index elements are (p, q). Expansion operator copies element at in to (p, q)th entry in From the definition of expansion procedure with (p, q), evaluate its corresponding triplet is

Applying many filters on input with ψ is an activation function, where the convolution products are utilized at the convolution layer represented in (18).

Thus by (19):

With (20):

Slide a filter across an image, with no parameters in a particular stride, and apply a function given by (21)

A fully connected layer is made up of a few neurons that take one vector as input and output another vector.

In general, considering node of layer by (22):

Input might be the solution of convolution or a pooling layer with dimensions . Tensor flatten to a 10 vector of dimension in order to plug it into a fully linked layer: , thus from (23):

To determine lung tumors in CT image size 5 × 20 × 20, the backpropagation method is utilized to teach CNN. It is divided into two parts. To extract expedient volumetric characteristics from input data, a CNN with multiple ReLU, volumetric convolution, and max-pooling layers are engaged in 1st phase. For tumor features, 2nd phase is extraction. It has several FC and threshold layers by a SoftMax layer, which performs the neural network's high-level reasoning. To protect the original values of DICOM images are possible, no scaling used to remain conducted to the data set's histopathological images. During training, random subvolumes selected from the training set's histopathological images are normalized using an approximation of the normal distribution of the data set's voxel values.

Classification using Fast Deep Belief Neural Network (FDBNN):

FDBNN is a stacked RBM-based generative graphics model. DBN can capture a hierarchical representation of incoming data thanks to its deep structure. RBM is an energy-based probabilistic method that is a log-linear Markov Random Field and is a limited form of Boltzmann machines (BM). The input is represented by visible nodes x, while the latent characteristics are represented by hidden nodes h. Visible nodes joint distribution and hidden variable are given in (24)where are model parameters and partition function is Z. Following form of conditional distributions by (25) since units in a layer are independent in RBM:

are derived for binary units such as and . The sigmoid function is indicated as σ(). In this way, RBM with binary units is a sigmoid activation function unsupervised neural network. RBM model may be calibrated by reducing negative log-likelihood by gradient descent. RBM takes use of the above conditional probabilities, which makes using a Gibbs sampling approach to generate model samples easier. Gibbs sampling is made much easier by contrastive divergence (CD): (1) begin a Markov chain with training samples and (2) after k steps, halt to get samples. It has been demonstrated that a CD with a few steps functions well.

DBN using a training method that trains one layer at a time in a greedy manner. The joint distribution is defined by eq. for visible unit x and l hidden layers (26)

Training at every layer of FDBN is the same as training an RBM since every DBN layer is built as an RBM. Initializing a network using FDBN training is used to undertake classification. An optimization issue is required for each phase. At each layer k, the pretraining phase solves optimization issues with the training data set having x and y parameters represented in (27)where is visible input to layer k corresponding to input , is RBM model specification that shows visible bias, weights, and hidden bias in energy function, and is RBM model specification that indicates visible bias, weights, and hidden bias in energy. It is worth noting that layerwise updating necessitates resolving ℓ of issues from bottom to top concealed layer is represented in (28)where loss function is denoted as L (). At layer l, final hidden features are denoted as h and classifier parameter is φ. is used for simplicity. As a result, in this example, we teach FDBN to initialize FFN.

For fine-tuning objectives and summing pretraining, the naïve method is used. This model implements an a2-phase training approach at the same time; however, one extra hyperparameter is required to balance the influence of both objectives. FDBN + loss defined in (29)

Empirically based on training samples D, as shown in (30),where underlying parameters are , from (1), and . The hidden space is classified using this approach. It should be more resilient, as it reduces anticipated loss and therefore gives greater accuracy on data not observed. Mathematical designs that reduce anticipated loss function to its smallest value are represented in (31)

It is empirically based on training samples D, as shown in (32),

With notation based on the dependency of h on . There are two advantages to this model. First, by limiting parameters fitted in an unsupervised way, the model maintains a decent input. The restriction also helps keep parameters in check by securing them from exploding while being updated.

The mathematical form of model FDBNN classifies given training samples D as shown in (33)

Optimal DBN parameters are and hyperparameter δ. To obtain DBN fitted parameters, this method requires a pretraining phase. It is defined in (34)where are optimal values of FDBNN specifications after 2 phase training and hyperparameter δ. A mathematical model of FDBNN based on D training samples is given by (35)

And empirically based on training samples by (36),

With quadratic penalty function, the constrained issue is transferred into unconstrained issue represented in (37)

Hyperparameter is denoted as µ.

4. Performance Analysis

This section discusses the parametric analysis for proposed lung cancer detection by histopathological image analysis. Implementation was done in Python tool, and configurations considered for simulation are PC with Ubuntu, 4 GB RAM, and Intel i3 processor.

Parametric metrics:

Parametric metrics considered for this evaluation consist of accuracy, precision, recall, and F1-Score.

Accuracy: It is the ratio of correctly predicted values to the total number of predictions, which is represented in (38)

Recall or Sensitivity: It is ratio of corrected to total predicted value, which is represented in (39)

Precision: It is the ratio of TP to total predicted values, which is represented in (40)

F1-Score: It is the ratio of the average of precision and recall, which is represented in (41)

Data set description:

LZ2500 (Lung and Colon Cancer Histopathological Image Data set): From the LZ2500 data set, 15000 digital images of histopathological slides are utilized. There are 3 classes of digital pathology pictures from the lungs: class I has 5000 photographs of benign lung tissue, class II contains 5,000 images of lung squamous cell carcinoma, and class III consists of 5,000 images of lung adenocarcinoma.

NLST (National Lung Screening Trial) data set: From original high-resolution histopathological images, 215 tiles of size 512 × 512 are selected. A well-trained pathologist manually weakly annotates the nuclei in these tiles. This data set contains 83245 nuclei objects.

NCI Genomic Data set: From this source, all freely available lung cancer images are uploaded. Using 459 and 1175 eosin-stained histopathology images, automatic classification of the primary tumor and solid tissue normal was studied. Using a set of 567 and 608 whole-slide images, a primary tumor is classified into LUSC and LUAD.

Table 1 shows the histopathological image analysis for the proposed KPCA–CNN_FDBNN and existing techniques compared are 3D CNN [6], and FCN [20].

Figure 2 shows the cancer detection confusion matrix. The confusion matrix is evaluated for the actual class as well as the predicted class based on matrix normalization utilizing the proposed KPCA–CNN_FDBNN.

The parametric analysis has been carried out in terms of accuracy, precision, recall, and F-measure. The proposed technique is KPCA–CNN_FDBNN, and the existing techniques compared are 3D CNN [6] and FCN [20]. Table 2 shows a comparative analysis between proposed and extant techniques. A graphical representation for the above table is shown below.

Figure 3 shows a comparative analysis of data set LZ2500 in terms of accuracy, precision, recall, and F-measure. A graph has been plotted for a number of epochs with the parameter percentage. Based on this comparison of the LZ2500 data set, the proposed technique obtained an accuracy of 97.1%, 89.9% precision, 79.9% recall, and 79.8% F-measure. These obtained results of the proposed method show optimal results for LZ2500 histopathology image analysis.

Figure 4 shows a comparative analysis of data set NLST in terms of accuracy, precision, recall, and F-measure. From this histopathology image for the proposed technique obtained an accuracy of 98%, 89.1% precision, 79.9% recall, and 79.8% F-measure. The proposed technique obtained enhanced results in the detection of lung cancer from histopathology images from NLST data set.

Figure 5 shows a comparative analysis of various parameters for the NCI Genomic data set, which analyses the histopathological image for the detection of lung cancer. The comparative analysis has been carried out in terms of accuracy, precision, recall, and F-measure. From the above analysis, accuracy obtained is 97.5%, the precision obtained is 89.5%, recall of 79.8% has been obtained, and F-measure of 77.9%.

5. Conclusion

This paper proposed lung cancer detection based on histopathological image analysis using deep learning architectures. The main contributions carried out in this research are processing the input histopathology image for noise removal, image resizing, and normalizing the image. Then, extracting features for a processed image using KPCA-CNN in which KPCA has been used in the feature extraction layer of CNN and classifying extracted features using FDBNN. The classified output shows the normal cell and cancerous cells of the input histology image. The simulation analysis has been executed for various data sets like LZ2500, NLST, and NCI Genomic data sets for histopathology images for parametric analysis in basic terms and conditions of accuracy, precision, recall, and F-measure. Comparison to the LZ2500 data set, the proposed technique obtained an accuracy of 97.1%, 89.9% precision, 79.9% recall, and 79.8% F-measure. NLST data set obtained an accuracy of 98%, 89.1% precision, 79.9% recall, and 79.8% F-measure, and in the comparative analysis of various parameters for NCI Genomic data set, the accuracy obtained is 97.5%, the precision obtained is 89.5%, recall of 79.8% has obtained, and F-measure is 77.9%.

Data Availability

The data that support the findings of this study are available from the corresponding author upon request.

Ethical Approval

This article does not contain any studies with human participants or animals performed by any of the authors.

Conflicts of Interest

The authors declare no conflicts of interest.