Lung nodule false positive reduction using a central attention convolutional neural network on imbalanced data - PMC Skip to main content
NIHPA Author Manuscripts logoLink to NIHPA Author Manuscripts
. Author manuscript; available in PMC: 2024 Mar 14.
Published in final edited form as: Proc SPIE Int Soc Opt Eng. 2023 Apr 3;12466:124661X. doi: 10.1117/12.2654216

Lung nodule false positive reduction using a central attention convolutional neural network on imbalanced data

Kexin Hao a, Annan Cai a, XingYu Feng a, Ling Ma a,*, Jingwen Zhu a, Murong Wang b, Yun Zhang c, Baowei Fei d
PMCID: PMC10940051  NIHMSID: NIHMS1973771  PMID: 38487347

Abstract

Computer-aided detection systems for lung nodules play an important role in the early diagnosis and treatment process. False positive reduction is a significant component in pulmonary nodule detection. To address the visual similarities between nodules and false positives in CT images and the problem of two-class imbalanced learning, we propose a central attention convolutional neural network on imbalanced data (CACNNID) to distinguish nodules from a large number of false positive candidates. To solve the imbalanced data problem, we consider density distribution, data augmentation, noise reduction, and balanced sampling for making the network well-learned. During the network training, we design the model to pay high attention to the central information and minimize the influence of irrelevant edge information for extracting the discriminant features. The proposed model has been evaluated on the public dataset LUNA16 and achieved a mean sensitivity of 92.64%, specificity of 98.71%, accuracy of 98.69%, and AUC of 95.67%. The experimental results indicate that our model can achieve satisfactory performance in false positive reduction.

Keywords: Lung nodule detection, false positive reduction, imbalanced learning, attention, CT images

1. INTRODUCTION

Lung cancer is the leading cause of cancer death [1]. Since lung cancer appears as nodules in the early stage, detecting the pulmonary nodules in an early phase could enhance the treatment efficiency and improve the survival rate of patients [2].

Computed tomography (CT) is frequently used for pulmonary nodules detection and diagnostics because of its differences in density between normal and diseased tissue. Due to the huge pulmonary CT images, and small or low-opacity nodules, manual screening is error-prone and time-consuming. Computer-aided detection methods have the potential to promote work efficiency and improve detection accuracy. The existence of the pulmonary blood vessels, lung borders, and noise from CT scanners may result in high false-positive rates. Hence, an accurate false positive reduction is a significant stage in pulmonary nodule detection.

Current false positive reduction methods mainly used effective classifiers together with discriminative features for recognizing the nodules. In the past decades, many feature-extracting and classification methods have been proposed [3, 4]. Recently, convolutional neural networks (CNNs) have proven to be state-of-the-art methods for nodule classification due to the automatic extraction of high discriminative features at multiple levels [5]. Zhao et al proposed a multi-scale CNNs framework based on three different orthogonal 2D images as well as a low-resolution pulmonary nodule images information capture pipeline for false positive reduction [6]. Yuan et al proposed a deformable convolutional neural network framework based on the residual network for the false-positive reduction [7]. Yuan et al constructed a 3D CNN model extracting spatial information through the hierarchical architecture. They adopted three paths corresponding to three receptive field sizes and fused them to actively learn the changes of nodules [8]. Sun et al proposed a novel attention-embedded complementary-stream convolutional neural network for false positive reduction [9]. Wu et al used a deep convolutional neural network that integrated multi-dimensional nodule information from 3D CNNs and 2D CNNs with an attention module [10]. El-Regaily et al used a rule-based classifier to eliminate the obvious non-nodules, and a multi-view CNN followed [11]. Ozdemir et al developed a scoring network to output the probabilities of being a nodule [12]. Zheng et al applied multiple 3D CNNs to estimate the probability [13]. Setio et al used multi-view convolutional networks fed with 2-D candidate patches from differently oriented planes for the false positive reduction [14]. Dou et al designed three 3-D convolutional networks incorporating different levels of contextual information [15].

In general, we may get many candidate nodules where the number of non-nodules is far more than that of actual nodules to ensure the detection of all nodules. The most false-positive reduction methods above are trained on imbalanced data, which could result in overfitting and unstable predictions. Moreover, the detected nodules almost appeared in the center of the candidate cubes. Hence, we propose a central attention convolutional neural network on imbalanced data (CACNNID) for false positive reduction from CT scans. On one hand, we consider the density distribution, data augmentation, noise reduction, and sampling to solve the problem of two-class imbalanced learning; on the other hand, the model highly pays attention to the nodule center information to largely minimize the influence of irrelevant edge information. Hence, the proposed model can prevent the neural network from overfitting and extract the discriminant features, and consequently, improve the performance of false positive reduction for lung nodule detection.

2. METHOD

The proposed lung nodule false positive reduction method using the central attention convolutional neural network on imbalanced data (CACNNID) contains two parts, which are the imbalanced data processing for obtaining the balanced training data and the central attention convolutional neural network for classifying the nodules and non-nodules. Figure. 1 shows the overview of the proposed CACNNID model.

Figure 1.

Figure 1.

The proposed CACNNID model for the lung nodule false positive reduction.

2.1. Imbalanced data processing

The lung nodule false positive reduction is a two-class imbalanced classification problem, where the non-nodules outnumber the nodules. We balance the training data by both under-sampling the majority class (or the negative class) and augmenting the minority class (or positive class).

First, the density distribution of lung nodules on the CT images is designed for removing obvious false positives. We divide the center slice of a nodule into thirty-six blocks bounded by six-by-six grids. We calculate the CT value histogram to obtain the grayscale density distribution of nodules. Then some non-nodules can be discarded due to the difference in the density distribution. Second, data augmentation is employed to generate the nodules and help the classification model become invariant to the orientations and positions of the nodule. The horizontal, vertical, and depth flip is performed for each cube containing the nodule, which can produce some nodule samples. Next, confident learning [16] is used to select certain non-nodules for reducing the influence of noise. We collect the parts of non-nodule images and whole nodule images for the model training. According to the training results, we calculate the confident joint and the estimate of the joint, provide a confusion matrix for the assumption of a class-conditional noise process, and use the rank and prune approach to produce clean data of non-nodules for training. Confident joint Cy˜,y* is defined as follows:

Cy˜,y*[i][j]=|X^y˜=i,y*=j|, X^y˜=i,y*=j={xX^y˜=i:p^(y˜=j;x,θ)tj}, (1)

where y˜ is the label of sample x,y* is the predicted label by model θ, and the threshold tj is the average self-confidence for the j-th class. X^y˜=i,y*=j is the estimate of subset of examples in X with given label i and predicted label j. Finally, a sampling technique, Balanced-MixUp [17], is used to balance the training data, which can simultaneously perform regular and balanced sampling and mix up the two sets of samples to create more balanced training data. Specifically, regular sampling means random sampling while balanced sampling means purposeful sampling by considering the category of samples. Let D be the training dataset, SR and SB be the regular sampling, and balanced sampling, respectively. Balanced-MixUp can be described as follows:

x=λxR+(1λ)xB,y=λyR+(1λ)yB, (2)

where (xR,yR)(D,SR),(xB,yB)(D,SB). We will get a more balanced distribution of training data by mixing the fewer nodules with the more non-nodules to alleviate the overfitting problem, as illustrated in Figure. 2, where the blue boxes and yellow circles represent the samples with the majority class and minority classes, respectively. Figure. 2 (a) means the regular sampling, which obtains the many samples with the majority class and the few samples with the minority classes because of imbalanced class distribution. Figure. 2 (b) means balanced sampling, which obtains the same number of samples with the two classes. Figure. 2 (c) combines the two above to create more evenly distributed training data. In our experiments, the mixing coefficient λ ~ Beta(0.1,1) for a balanced combination.

Figure 2.

Figure 2.

Illustration of achieving the balanced distribution by contaminating the (a) regular sampling and (b) balanced sampling into the (c) Balanced-MixUp sampling for more evenly distributed training data, where the blue boxes and yellow circles represent the samples with the majority class and minority classes, respectively.

2.2. Central attention convolutional neural network

For the detected candidate cubes, it is intuitive that the voxels close to the center of the cubes contain more information and less noise caused by the environment. Therefore, we propose a central attention convolutional neural network, to distinguish the nodules from the non-nodules. Based on the ResNet with the cross entropy as the loss function, we focus the attention on the center of the detected candidate cubes by adding the central pooling layer [18] and center residual block.

Different from the traditional max pooling whose pooling kernels are of the same size and uniformly distributed, the central pooling kernels are non-uniformly distributed on the whole cubes. The small pooling kernels are used around the center while the large pooling kernels are used near the edge.

The center residual block is a skip-connection block that learns residual functions with reference to the layer inputs (attention on center), as shown in Figure. 3. Formally, the center residual unit obtains F(x) by processing x with two weight layers. Then it adds the x and its center region, center (x) to F(x) for calculating H(x). H(x) is obtained as follows.

H(x)=F(x)+center(x)+x. (3)

Figure 3.

Figure 3.

Center Residual Block.

Consequently, our proposed central attention convolutional neural network can reserve many center features and eliminate redundant edge features for allowing the network to easily learn class-related features.

3. RESULTS

3.1. Dataset

We applied our CACNNID model to the Lung Nodule Analysis 16 (LUNA16) [19]. LUNA16 dataset contains the CT scans whose thickness varies from 0.6 mm to 2.5 mm and the nodules whose sizes are between 3mm and 30mm. The dataset is divided into 10 subsets that can be used for the 10-fold cross-validation. Each of the ten subsets is taken as the test set in turn, and the nine subsets in the remaining data are the training set. The numbers of the ten subsets are shown in Table 1.

Table 1.

The numbers of LUNA16 in 10-fold cross-validation experiments.

Number of CT scans Number of nodules Number of non-nodules
subset0 89 138 78997
subset1 89 170 70842
subset2 89 181 74277
subset3 89 158 75792
subset4 89 170 76413
subset5 89 127 75564
subset6 89 154 76517
subset7 89 120 74943
subset8 88 195 74293
subset9 88 144 75780

3.2. Implementation details and evaluation criteria

Because of the different slice thicknesses of CT scans, we first normalized the candidate cubes to 1mm, and then take the nodule as the center to intercept 48*48*48 3D cubes. The proposed CACNNID method was implemented using Python 3.8 in the PyTorch framework. The experimental platform was equipped with an NVIDIA GeForce RTX 3080 Ti GPU with 12 GB of memory. On the algorithm level, the Adam algorithm with a batch size of 8 was adopted as the optimizer and the maximum iteration number was set to 40. The training was started with an initial learning rate of 0.1 and was periodically adjusted by the CosineAnnealingLR method with a period of 8 epochs. The code will be publicly available at https://github.com/MIAinCS/CACNNID.

Four indicators, sensitivity, specificity, accuracy, and area under the receiver operator curve (AUC) were used for the presentation of performance.

3.3. Performance on the lung nodule false positive reduction

Table 2 shows the quantitative classification results of the proposed CACNNID model in 10-fold cross-validation experiments. We can obtain a mean sensitivity of 92.64%, specificity of 98.71%, accuracy of 98.69%, and AUC of 95.67%. Those results prove that our method can achieve good false positive reduction performance.

Table 2.

Performance of proposed CACNNID model in 10-folds cross validation experiments

Sensitivity Specificity Accuracy AUC
subset0 94.20% 98.99% 98.98% 96.59%
subset1 90.59% 98.94% 98.92% 94.76%
subset2 92.27% 98.95% 98.93% 95.61%
subset3 89.24% 98.78% 98.76% 94.01%
subset4 97.06% 98.59% 98.58% 97.82%
subset5 91.34% 99.11% 99.09% 95.22%
subset6 92.21% 98.72% 98.70% 95.46%
subset7 91.67% 98.53% 98.52% 95.10%
subset8 91.28% 99.06% 99.04% 95.17%
subset9 96.53% 97.43% 97.43% 96.98%
Mean 92.64% 98.71% 98.69% 95.67%

The qualitative recognition results are shown in Figure. 4. We randomly take 24 samples classified correctly, where 12 samples are nodules and 12 samples are non-nodules, which are shown in the first two rows and the last two rows. In Figure. 4, we can see that the proposed model can recognize nodules with different sizes and shapes, and distinguish non-nodules from nodules that share visual similarities. It is illustrated that our model can accurately differentiate between nodules and non-nodules for reducing false positives during the automatic detection of pulmonary nodules.

Figure 4.

Figure 4.

The qualitative recognition results of the proposed method, where the first two rows and last two rows show the twelve nodule examples and non-nodule examples recognized correctly, respectively.

4. CONCLUSION

In this work, a central attention convolutional neural network on imbalanced data (CACNNID) is proposed for the false positive reduction in lung nodule detection on CT scans. To make the network well-learned, density distribution, data augmentation, noise reduction, and balanced sampling are considered to solve the imbalanced data problem. During the network training, our model pays high attention to the center features and minimizes the influence of irrelevant edge features. Experimental results prove that the proposed method could achieve satisfactory performance in reducing false positives. For future work, we would like to take the candidate nodule detection stage together to constitute a complete lung nodule detection system for lung cancer screening in clinical practice.

ACKNOWLEDGEMENTS

This work was partly supported by the National Natural Science Foundation of China under Grant No. 61901234 and Experimental Course Reform Project of Nankai University under No. 22NKSYSX05.

REFERENCES

  • [1].Siegel RL, et al. , “Cancer statistics, 2023,” CA: A Cancer Journal for Clinicians, 73(1), 17–48 (2023). [DOI] [PubMed] [Google Scholar]
  • [2].Davis AM and Cifu AS, “Lung cancer screening,” JAMA, 312(12), 1248–1249 (2014). [DOI] [PubMed] [Google Scholar]
  • [3].Jacobs C, et al. , “Automatic detection of subsolid pulmonary nodules in thoracic computed tomography images,” Medical image analysis, 18(2), 374–384 (2014). [DOI] [PubMed] [Google Scholar]
  • [4].Messay T, Hardie RC, and Rogers SK, “A new computationally efficient CAD system for pulmonary nodule detection in CT imagery,” Medical Image Analysis, 14(3), 390–406 (2010). [DOI] [PubMed] [Google Scholar]
  • [5].Pehrson LM, Nielsen MB and Ammitzbøl Lauridsen C, “Automatic pulmonary nodule detection applying deep learning or machine learning algorithms to the LIDC-IDRI database: a systematic review,” Diagnostics, 9(1), 29 (2019). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [6].Zhao D, et al. , “A novel multi-scale CNNs for false positive reduction in pulmonary nodule detection,” Expert Systems with Applications, 117652 (2022). [Google Scholar]
  • [7].Yuan H, et al. , “False-Positive Reduction of Pulmonary Nodule Detection Based on Deformable Convolutional Neural Networks,” in 2021 IEEE 9th International Conference on Bioinformatics and Computational Biology (ICBCB), 130–134 (2021). [Google Scholar]
  • [8].Yuan H, et al. , “An efficient multi-path 3D convolutional neural network for false-positive reduction of pulmonary nodule detection,” International Journal of Computer Assisted Radiology and Surgery, 16, 2269–2277 (2021). [DOI] [PubMed] [Google Scholar]
  • [9].Sun L, et al. , “Attention-embedded complementary-stream CNN for false positive reduction in pulmonary nodule detection,” Computers in Biology and Medicine, 133, 104357 (2021). [DOI] [PubMed] [Google Scholar]
  • [10].Wu Z, et al. , “MD-NDNet: a multi-dimensional convolutional neural network for false-positive reduction in pulmonary nodule detection,” Physics in Medicine & Biology, 65(23), 235053 (2020). [DOI] [PubMed] [Google Scholar]
  • [11].El-Regaily SA, et al. , “Multi-view Convolutional Neural Network for lung nodule false positive reduction,” Expert Systems with Applications, 162, 113017 (2020). [Google Scholar]
  • [12].Ozdemir O, Russell RL, and Berlin AA, “A 3D probabilistic deep learning system for detection and diagnosis of lung cancer using low-dose CT scans,” IEEE Transactions on Medical Imaging, 39(5), 1419–1429 (2019). [DOI] [PubMed] [Google Scholar]
  • [13].Zheng S, et al. , “Automatic pulmonary nodule detection in CT scans using convolutional neural networks based on maximum intensity projection,” IEEE Transactions on Medical Imaging, 39(3), 797–805 (2019). [DOI] [PubMed] [Google Scholar]
  • [14].Setio AAA, et al. , “Pulmonary nodule detection in CT images: false positive reduction using multi-view convolutional networks,” IEEE Transactions on Medical Imaging, 35(5), 1160–1169 (2016). [DOI] [PubMed] [Google Scholar]
  • [15].Dou Q, et al. , “Multilevel contextual 3-D CNNs for false positive reduction in pulmonary nodule detection,” IEEE Transactions on Biomedical Engineering, 64(7), 1558–1567 (2016). [DOI] [PubMed] [Google Scholar]
  • [16].Northcutt C, Jiang L, and Chuang I, “Confident learning: Estimating uncertainty in dataset labels,” Journal of Artificial Intelligence Research, 70, 1373–1411 (2021). [Google Scholar]
  • [17].Galdran A, Carneiro G, and González Ballester MA, “Balanced-mixup for highly imbalanced medical image classification,” in International Conference on Medical Image Computing and Computer-Assisted Intervention, Part V 24, 323–333 (2021). [Google Scholar]
  • [18].Wang S, et al. , “Central focused convolutional neural networks: Developing a data-driven model for lung nodule segmentation,” Medical Image Analysis, 40, 172–183 (2017). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [19].Setio AAA, et al. , “Validation, comparison, and combination of algorithms for automatic detection of pulmonary nodules in computed tomography images: the LUNA16 challenge,” Medical Image Analysis, 42, 1–13 (2017). [DOI] [PubMed] [Google Scholar]

RESOURCES