Next Article in Journal
Regulation of EZH2 Expression by INPP4B in Normal Prostate and Primary Prostate Cancer
Previous Article in Journal
Associations between Single Nucleotide Polymorphisms from the Genes of Chemokines and the CXCR2 Chemokine Receptor and an Increased Risk of Endometrial Cancer
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Machine Learning Model of ResNet50-Ensemble Voting for Malignant–Benign Small Pulmonary Nodule Classification on Computed Tomography Images

1
Department of Epidemiology and Health Statistics, School of Public Health, Capital Medical University, Beijing 100069, China
2
Beijing Municipal Key Laboratory of Clinical Epidemiology, Capital Medical University, Beijing 100069, China
3
Department of Nuclear Medicine, Xuanwu Hospital Capital Medical University, Beijing 100053, China
4
Beijing Physical Examination Center, Beijing 100050, China
*
Author to whom correspondence should be addressed.
Cancers 2023, 15(22), 5417; https://doi.org/10.3390/cancers15225417
Submission received: 29 August 2023 / Revised: 21 September 2023 / Accepted: 26 September 2023 / Published: 15 November 2023

Abstract

:

Simple Summary

Machine learning methods have shown promise in accurately identifying small lung nodules. However, further exploration is needed to fully harness the potential of machine learning in distinguishing between benign and malignant nodules. This study aimed to develop and evaluate a ResNet50-Ensemble Voting model for detecting the nature (benign or malignant) of small pulmonary nodules (less than 20 mm) based on CT images. This study involved 834 CT imaging data from 396 patients with small pulmonary nodules. CT image features were extracted using ResNet50 and VGG16 algorithms, and classification was performed using XGBoost, SVM, and Ensemble Voting techniques, incorporating ten different combinations of machine learning classifiers. Among the models tested, the ResNet50-Ensemble Voting algorithm demonstrated the highest performance in the test set, achieving an accuracy of 0.943 (0.938, 0.948), with sensitivity and specificity values of 0.964 and 0.911, respectively. The implementation of machine learning models, particularly the ResNet50-Ensemble Voting approach, showed excellent performance in accurately identifying benign and malignant small pulmonary nodules (less than 20 mm) from diverse sources. These models have the potential to assist doctors in accurately diagnosing the nature of early-stage lung nodules in clinical practice.

Abstract

Background: The early detection of benign and malignant lung tumors enabled patients to diagnose lesions and implement appropriate health measures earlier, dramatically improving lung cancer patients’ quality of living. Machine learning methods performed admirably when recognizing small benign and malignant lung nodules. However, exploration and investigation are required to fully leverage the potential of machine learning in distinguishing between benign and malignant small lung nodules. Objective: The aim of this study was to develop and evaluate the ResNet50-Ensemble Voting model for detecting the benign and malignant nature of small pulmonary nodules (<20 mm) based on CT images. Methods: In this study, 834 CT imaging data from 396 patients with small pulmonary nodules were gathered and randomly assigned to the training and validation sets in an 8:2 ratio. ResNet50 and VGG16 algorithms were utilized to extract CT image features, followed by XGBoost, SVM, and Ensemble Voting techniques for classification, for a total of ten different classes of machine learning combinatorial classifiers. Indicators such as accuracy, sensitivity, and specificity were used to assess the models. The collected features are also shown to investigate the contrasts between them. Results: The algorithm we presented, ResNet50-Ensemble Voting, performed best in the test set, with an accuracy of 0.943 (0.938, 0.948) and sensitivity and specificity of 0.964 and 0.911, respectively. VGG16-Ensemble Voting had an accuracy of 0.887 (0.880, 0.894), with a sensitivity and specificity of 0.952 and 0.784, respectively. Conclusion: Machine learning models that were implemented and integrated ResNet50-Ensemble Voting performed exceptionally well in identifying benign and malignant small pulmonary nodules (<20 mm) from various sites, which might help doctors in accurately diagnosing the nature of early-stage lung nodules in clinical practice.

1. Introduction

Currently, lung cancer remains one of the leading causes of cancer-related mortality worldwide. It was estimated that there would be about 1.8 million deaths from lung cancer in 2020, accounting for 18% of all cancer deaths [1]. Screening for benign and malignant lung nodules in the early stages of lung cancer could increase the 5-year survival rate from 16.1% to 19.7% [2]. Therefore, the early detection and accurate classification of pulmonary nodules are crucial for improving patient prognosis. The gold standard cannot be relied on to distinguish the benign or malignant nature of small lung nodules in the early stages of lung cancer, because the nodules are too small to acquire pathologic evidence of the lung nodules [3]. Transbronchial biopsies of isolated pulmonary nodules (SPNs) smaller than 20 mm are typically performed under fluoroscopic guidance, but there is great variability in the availability of pathologic tissue [4]. As a result of its high resolution and non-invasive nature, computed tomography (CT) imaging has emerged as a significant tool in the identification and therapy of lung nodules [5]. A study demonstrated that annual lung cancer screening using CT imaging reduced lung cancer mortality by 20% [6]. However, radiologists continued to struggle with reliably discriminating between malignant and benign, small pulmonary nodules based only on CT imaging. Computer-assisted diagnostic tools had the potential to improve the detection and screening of benign and malignant lung nodules [7]. Kaliyugarasan applied a new extension of the fastai deep learning framework to a 3D medical imaging task and combined it with the MONAI deep learning library to achieve a final classification accuracy of 92.4% [8]. Zhao constructed a hybrid CNN of LeNet and AlexNet to distinguish benign and malignant lung nodules using CT images, and the accuracy and area under the curve reached 0.822 and 0.877, respectively, obtaining better results [9]. Keyan proposed an MSM-ViT model aiming to achieve promising performance in lung nodule classification, solving the problems of the poor generalization of ViT structure and the difficulty in extracting multi-scale features, and the best accuracy of 94.04% was obtained [10]. Mkindu proposed 3D-CNN and squeeze-and-excitation networks, with the joint algorithm yielding the highest detection sensitivity of 98.65% [11]. Hassan proposed an automated computer-aided diagnosis (CAD) scheme for lung nodule detection based on the Vision Transformer architecture and Bayesian optimization, obtaining 98.39% of the highest detection sensitivity with a significant reduction in network parameters [12]. However, the preceding research focused mostly on regular-sized lung nodules and did not investigate the model’s capabilities in small lung nodules (<20 mm).
There are studies that have used Bayesian penalized likelihood reconstruction [13] or maximum-intensity projection [14] to enhance the representation of small lung nodules on CT images to improve clinicians’ identification and the diagnosis of early-stage lung cancer. However, the diagnosis has not been made accurately to a certain extent. Kum used the modified AlexNET algorithm for the diagnosis of the nature of lung nodules smaller than 20 mm with an AUC value of 0.82, exploring the application of this method for the diagnosis of early lung nodules [15]. Mei introduced the Otsu thresholding algorithm to preprocess the data and filter the interfering information, obtaining nodule features, and parallel radiomics was added to the 3D convolutional neural network, reaching an AUC of 0.90 [16]. However, the capability to diagnose lung nodules in early stages remained insufficient, and further exploration and enhancement were desirable. Liu achieved superior outcomes by combining CT radiomics with machine learning to predict the invasiveness of small nodules [17]. Classical machine learning classification algorithms such as XGBoost [18] and SVM (Support Vector Machine) [19] have achieved better performance in diagnosing the nature of lung nodules. However, the diagnosis of small lung nodules in the early stage needed to be further explored. Furthermore, machine learning classification models based on feature extraction were further developed and explored. The Local Mesh Peak-Valley Edge Pattern (LMePVEP) technique for splicing-based feature extraction based on dynamic thresholding could improve the classification accuracy by up to 12.56% [20]. However, the accuracy of this method for the diagnosis of the nature of lung nodules still needed to be promoted. The ResNet18 scheme combined with different classifiers helped to achieve better accuracy, such as the SoftMax (95.2%) classifier and Decision Tree Classifier (99%), in lung disease recognition [21]. Therefore, the concept of extracting features based on deep learning and combining different classifiers for disease classification model construction was proven to be feasible.
In this study, we utilized a combination of deep learning feature extraction and different classifiers to construct a fusion model to explore and improve the diagnostic capability of the benign and malignant nature of lung nodules (<20 mm) in the early stage.

2. Materials and Methods

2.1. Data Source

From 2015 to 2019, 396 individuals were recruited for this study from four hospitals and two open access databases, and informed consent was obtained. All patients’ lung CT images were obtained in DICOM format, with a total of 934 layers involving pulmonary nodules. We adopted a questionnaire to collect clinician diagnoses and basic demographic information after analyzing patients’ medical records and admission data. A checklist of the subjects and the images is shown in Table 1.
It was further analyzed whether there was a difference in age and gender between patients with benign or malignant lung nodules. However, the results showed that no statistical difference was found between the two, which is shown in Table 2.

2.1.1. Inclusion/Exclusion Criteria

Inclusion criteria:
  • The subjects of this study should be adults (age ≥ 18 years);
  • In order to ensure the integrity of the information in the lung nodule images, the number of CT images containing nodules should not be less than 2 per patient;
  • Clear physician’s diagnostic report was available;
  • Small pulmonary nodules less than 20 mm in size for which a definitive pathologic diagnosis cannot be made.
Exclusion criteria:
  • Patients treated with chemo-radiotherapy or surgery;
  • Images of nodules that were difficult to segment;
  • The size of the lung nodule was above 20 mm.

2.1.2. Diagnostic Criteria

This study utilized the gold standard for lung nodules with a clear pathologic diagnosis of the nature of small lung nodules, and in instances when a pathologic diagnosis could not be obtained due to the small size of the lung nodule, the diagnostic report based on the clinician’s a priori knowledge prevailed. The Chinese Expert Consensus on the Diagnosis and Treatment of Lung Nodules (2018 edition) contains detailed diagnostic criteria for lung nodules.

2.2. Research Design Process

In this study, data from the six aforementioned databases of patients with small pulmonary nodules were collected and acquired from finished CT scans of small pulmonary nodules using the criteria. Image preprocessing techniques such as normalization were used after initially identifying the region of interest (ROI) of lung nodules according to expert clinicians. Feature extraction was performed on the acquired CT images of the lung nodule region of interest, mostly using ResNet50 and VGG16. The nodules were then categorized as benign or malignant using five different classifiers. The dataset was divided into two parts: the training set (80%) and the validation set (20%). Finally, the model was evaluated in terms of accuracy, AUC value, specificity, and sensitivity. The specific process is shown in Figure 1.

2.3. Image Preprocessing

In this study, each CT image of the small lung nodule was taken as the object of this study. Semi-automatic segmentation of the whole CT image was performed by two experienced radiologists using MATLAB 2017 to segment the region of interest (ROI) using region growing method. As a result, one ROI image was obtained from each CT image. The image was also resized on the basis of the sub-base, and the resizing was set to be 32 × 32. Processing of the already intercepted images of small lung nodules was performed by means of the Adaptive Histogram Equalization (AHE) algorithm. The parameters of the AHE algorithm were set to clipLimit = 2.0 and tileGridSize = (8, 8). clipLimit controls the degree of limitation of the contrast enhancement, and tileGridSize defines the equalization region of the image. The method is based on conventional histogram equalization, where the image is divided into small blocks and histogram equalization is performed within each block to avoid introducing discontinuities between blocks. Eventually, noise reduction was performed using median filtering, which is a filtering method based on sorting statistics that uses the median value in the neighborhood around the pixel to replace the current pixel value. Median filtering is effective for removing pretzel noise or impulse noise, as well as preserving edges and details.

2.4. Deep Learning Algorithm

Recognizing benign and malignant lung nodules remains a popular classification job in machine vision. In general, image recognition consists of two crucial stages: picture feature extraction and feature categorization. The goal of image feature extraction is to convert the original picture data into a more expressive and identifiable feature representation. Picture characteristics can be extracted to reduce the dimensionality of picture data, eliminate extraneous information, and choose important image information. Deep learning algorithms trained on large-scale datasets extract high-level semantic characteristics from photos. ResNet50 and VGG16, two common examples of convolutional neural networks, have a significant advantage in visual feature extraction.

2.4.1. ResNet50

ResNet50 addresses the vanishing gradients problem in deep neural networks, which use residual connections, allowing the network to learn residual mappings [22]. The connections avoid layers, which reduce the deterioration in deep networks. It contains 50 layers, which include convolutional, pooling, fully connected, and shortcut layers. ResNet50 is composed of a number of residual blocks with convolutional layers and shortcuts. The direct gradient flow is facilitated by the shortcut connectors [23]. The hyperparameters for extracting image features for the ResNet50 model mainly consist of two categories: weights and include_top. Weights set to ‘ImageNet’ indicates that weights pre-trained on the ImageNet dataset are used to help improve the performance and generalization of the model. Include_top set to False indicates that the top fully connected layer is not included. The hyperparameters of the ResNet50 model for extracting image features are shown specifically in Supplementary File, Table S1.

2.4.2. VGG16

VGG16 is a convolutional neural network (CNN) architecture designed to build a deep network with a consistent architecture composed of repeated convolutional layers followed by max-pooling layers for spatial downsampling. By gradually increasing the depth while keeping the filter size modest (3 × 3), the network intends to learn hierarchical representations of pictures [24]. When compared to larger filters, the usage of tiny filters allows for a deeper network with fewer parameters. VGG16′s structure is distinguished by its depth, as the name suggests. It includes 16 layers, including 13 convolutional layers and 3 fully linked layers. The convolutional layers are divided into five blocks, each with several convolutional layers followed by a max-pooling layer. The completely linked layers at the network’s conclusion are in charge of categorization [25]. The parameterization of the VGG16 model is consistent with ResNet50. It is also pre-trained by ImageNet. The specific settings of VGG16 are detailed in Supplementary File, Table S2.

2.5. Machine Learning Classifiers

The classifiers setup is a vital task in machine learning that entails categorizing instances based on specified input data. ResNet50 and VGG16 have their own classification capabilities. However, these are frequently insufficient in categorizing finer pictures such as CT scans of lung nodules. In this work, we used the following five approaches as ResNet50 and VGG16 classifiers to build a fusion model to increase the model’s classification capabilities.

2.5.1. Ensemble Voting

Ensemble Voting, a machine learning technique that integrates the predictions of numerous models to produce a final choice, was one of the methods utilized. It was founded on the idea that combining the predictions of many models might frequently result in better overall performance than using a single model alone. Ensemble Voting is widely utilized in machine learning problems like as classification and regression [26]. There are different types of voting schemes, such as majority voting, weighted voting, and soft voting. In majority voting, each model in the ensemble casts a single vote for its predicted class label, and the class label with the majority of votes is chosen as the final prediction [27]. The Ensemble Voting classifiers are composed of RandomForestClassifier, XGBClassifier, SVC (Support Vector Machine Classifier), and GaussianNB. Voting = ‘soft’ indicates the utilization of a soft voting model, implying that when classification is performed, the predictions of the base classifier are converted into probability estimates for the categories, and the best of these probabilities are voted on as the final classification result.

2.5.2. Random Forest

Random Forest is based on the principle of ensemble learning, in which decision trees are trained separately on various subsets of data. Each Random Forest decision tree is built with a random selection of features and a bootstrapped sample of the original data. The final prediction is formed by collecting all of the individual tree forecasts via voting (for classification) or averaging (for regression) [28]. This randomness helps to capture different aspects of the data and improves the overall performance of the ensemble. Random Forest consists of multiple decision trees. It constructs multiple independent decision trees through random sampling and feature selection, and then produces integrated predictions by voting or averaging. Random Forest reduces overfitting, has good generalization ability, and evaluates feature importance. It is suitable for classification and regression problems and provides stable and accurate predictions. The parameter settings for the Random Forest classifier were as follows: n_estimators, 100; min_samples_leaf, 1; min_samples_split, 2; and bootstrap, True.

2.5.3. XGBoost

XGBoost (eXtreme Gradient Boosting) is a powerful machine learning algorithm known for its efficiency and performance in both regression and classification tasks. XGBoost builds an ensemble of decision trees sequentially, where each tree corrects the mistakes made by the previous trees. The algorithm focuses on optimizing a specific loss function while regularizing the model to prevent overfitting [29]. In each iteration, XGBoost calculates a gradient based on the difference between the current model’s prediction and the true value, and uses this gradient to adjust the model parameters. Each new decision tree tries to correct the errors of all the previous trees and is constructed taking into account the prediction errors of the previous trees. This iterative process reduces the error and improves the predictive performance of the model gradually. The parameters of the XGBoost classifier were set as follows: binary using logisti regression; max_depth, 10; learning_rate, 0.01; and n_estimators, 100.

2.5.4. SVM

Support Vector Machine (SVM) is a powerful supervised machine learning algorithm used for classification and regression tasks, which can handle both linearly separable and non-linearly separable data by using different kernel functions to transform the data into a higher-dimensional space [30]. SVM’s structure includes identifying support vectors, which are the data points closest to the decision border or hyperplane. These support vectors are critical in establishing the decision boundary and making forecasts. Depending on the situation at hand, SVM might have a linear or non-linear decision boundary, which is performed by selecting an appropriate kernel function. The SVM classifier (SVC) parameters were set as follows: strength of regularization parameters C, 1.0; break_ties, False; cache_size, 200; degree, 3; and kernel, rbf (radial basis function).

2.5.5. Naïve Bayes

Naïve Bayes is a simple yet powerful machine learning algorithm based on Bayesian probability. The principle behind Nave Bayes is to utilize Bayes’ theorem to estimate the likelihood of a specific class given the observed features [31]. Given the input characteristics, it estimates the conditional probability of each class and chooses the class with the highest probability as the predicted class. The Nave Bayes structure entails creating a probabilistic model based on the training data. It calculates the prior probability of each class as well as the probability of detecting each characteristic given each class. This assumption simplifies probability computation and enables effective training and prediction. The GaussianNB parameters are set as follows: priors, None; var_smoothing, 1 × 10−9.

2.6. Feature Visualization

The collected feature information from ResNet50 and VGG16 was displayed in this study using t-SNE and feature ranking algorithms. The use of t-SNE lowered the dimensionality of the global features from 256 to 2, allowing the features to be shown on a two-dimensional scatter plot. Each data point on the plot represented a sample, and examining their spatial arrangement revealed information about the samples’ grouping, closeness, or dispersion depending on their learning attributes. This visual analysis proved useful in determining the features’ discriminative strength and separability.

2.7. Statistical Analysis

The statistical descriptions of patient information are presented as the mean and the standard deviation (SD) or percentage; R 4.0.3 software was used to perform the χ2 test or t-test for the basic clinical data of patients and images. The difference was statistically significant at p < 0.05.
Considering that deletion of observations containing missing values would result in loss of data and may affect the accuracy and reliability of subsequent analyses or modeling, the Morphological Characteristics Random Forest method was chosen to fill in the missing values. To evaluate the classification performance in the valid set, accuracy, sensitivity, specificity, positive predictive value (PPV), negative predictive value (NPV), and F1-score were calculated. In the present study, the threshold for sensitivity and specificity values was determined to be 0.5. Since we considered the current study to address the differentiation of the benign and malignant nature of lung nodules, regardless of the category to which they belonged, it is of great significance. Mean Absolute Error (MAE) is presented to evaluate the average of the distances between the model predictions and the true values of the samples. Curves from the receiver operating characteristics (ROC) were plotted to visually compare the differences between the models.

3. Results

3.1. Combined Machine Learning Models

In this study, we utilized ResNet50 and VGG16 as the basis of feature extraction classifiers, which were federated with Ensemble Voting, XGBoost, Random Forest, SVM, and Naïve Bayes to form a new machine learning classification process. In this study, a total of 2048 features were extracted using the last convolutional layer (layer 6) of ResNet50, while a total of 512 features were extracted using the last convolutional layer (layer 5) of VGG16. The feature filtering was performed through the XGBoost process and finally 233 and 213 features were filtered in favor of the model’s classification ability, respectively. As shown in Table 3, ResNet50-Ensemble Voting achieved the best performance with an accuracy of 0.943 (0.938, 0.948) and sensitivity and specificity of 0.964 and 0.911, respectively. It was not only higher than that of the ResNet50 deep learning model, but also better than those of the comparative models with improved classifiers such as ResNet50-XGBoost. From a global perspective, the classification levels of the fusion models with the ResNet50 model as the feature extraction were significantly superior to those of VGG16. Then, the screening pass features were classified. The best AUC value (ResNet50-SVM) achieved was 0.91. In the ROC curve, each of the operating points was optimized, which also indicates the comprehensive standard of the method. The ROC curves of classification models are plotted in Figure 2.

3.2. Feature Visualization

In this study, feature filtering was performed through the XGBoost process and finally 233 and 213 features were filtered in favor of the model’s classification ability, filtered by importance of all features over 0.001. To further explore significant results in the image feature extraction results of small lung nodules, we performed further visualization of specific lung nodules. The t-SNE results demonstrate the variability in the extraction results by ResNet50 and VGG16. As shown in Figure 3, the distinction between benign and malignant lung nodules with characteristics was not discernible, but the labeled region suggested that the ResNet50 model retrieved more differentiated locales, implying that the final classification result of this model was likewise superior.
To further demonstrate the feature extraction differences between the two methods, we categorized and presented the differential feature locations using the Identity Mapping method. Through Figure 4, we discovered that there was little differentiation between the two methods of extracting features as a whole; however, for small malignant lung nodules, ResNet50 discovered more diversified features, demonstrating the efficiency of the feature extraction strategy. However, the less relevant particular aspects were considered.
Based on our findings, we ordered the features from most important to least important and selected the top 20 most important features recovered by the ResNet50 and VGG16 algorithms. Among the ResNet50 results, Feature 867, Feature 869, and Feature 438 were determined to be the most important. In the instance of VGG16, Feature 228, Feature 277, and Feature 439 were selected as the most essential characteristics, in that order. The results are shown in Figure 5.

4. Discussion

Accurate evaluation of the benign and malignant nature of small lung nodules (<20 mm) detected in CT is essential for the early diagnosis and management of lung cancer, and it has remained a challenging undertaking during clinical practice [32]. In this study, we developed and validated a classification diagnostic model combining deep learning and machine learning to distinguish between benign and malignant early lung nodules using CT images of small lung nodules from six different databases. Our results demonstrated that our proposed method, ResNet50-Ensemble Voting, achieved superior performance, reaching an accuracy of 0.943 (0.938, 0.948) along with a sensitivity of 0.964 and specificity of 0.911. In addition, ResNet50-SVM achieved an AUC of 0.91, and the accuracy attained 0.83 (0.82, 0.85). In the ROC curve, each of the operating points was optimized, which also indicates the comprehensive standard of the method. This result showed the competence of diagnosing the benign and malignant nature of small lung nodules in the validation set. This study further demonstrated the feature extraction capability of ResNet50 and VGG16, visualized the features, and compared the performance of the combined model in diagnosing the benign and malignant nature of lung nodules. The early detection and identification of lung nodules are particularly critical and challenging, especially when the gold standard of pathological tissue is not available. In this context, the ResNet50-SVM and ResNet50-XGBoost models developed in this study made significant contributions by selecting the best combination of feature extraction and classifiers. This could improve the diagnostic capabilities for small lung nodules and reduce the misdiagnosis and missed diagnosis rates among clinicians. Ultimately, it provides clearer diagnostic guidance for patients in the early stages of lung cancer.
In recent years, ResNet50 and VGG16 have been applied as the most classical CNN network models for diagnosis and recognition of diseases [22,33,34]. ResNet50 has a deeper network depth compared to traditional deep networks to better capture details and semantic information in images [35]. VGG16, on the other hand, is able to capture features at different scales by stacking multiple small convolutional kernels and pooling layers to increase the nonlinear expressiveness of the network [36]. Both methods have demonstrated competence in the diagnosis of the nature of pulmonary nodules.
There are numerous studies that have utilized residual networks to classify lung cancer. One study excluded the results of a multilevel crossover residual network for lung nodule classification, which could reach an 85.88% accuracy rate [37]. Zhang used ResNet as the basic framework combined with CBAM to classify conventional lung nodules, and the AUC could reach more than 0.95 [38]. Xie utilized the collaborative deep learning of knowledge in a staging chest CT of benign and malignant lung nodules with an accuracy of up to 95.70% [39]. Wang built a multi-scale residual network (MResNet) to accurately extract the features of lung nodules and classified them in conjunction with deep learning, achieving an accuracy of 99.12% [40]. This shows that the research on regular lung nodules is well established, but the diagnosis of small, early lung nodules needs to be further clarified. In addition, consideration and improvements should be made to the related research methods.
The current study focused more on the nature of small lung nodules in the early stages of lung cancer. Size and growth are crucial factors in evaluating the malignant potential of a nodule. The likelihood of malignancy is positively correlated with nodule diameter, and therefore the importance of morphology in CT images should not be underestimated [41]. Farjah primarily discovered the relationship between lung cancer diagnosis and nodal features using multivariate analysis, and the created model had an AUC of 0.75, indicating that detection capacity needed to be improved further [42]. Wookjin classified the early imaging features of lung cancer by low-dose CT lung nodules with an AUC value of 0.89. Although this study targeted nodules in the early stages of lung cancer, it did not account for the specific size of the nodules [43]. DNA promoter hypermethylation was found to be diagnostic for early-stage lung cancer, and specific markers such as SOX17, TAC1, and HOXA7 were shown to be diagnostic at an AUC of 0.89 [44]. Tumor necrosis factor-α receptor-associated protein (TRAP1) was also of significance in the diagnostic process of lung nodules in the early stages of lung cancer, with an AUC value of approximately 0.835 [45]. Relevant biomarkers, despite displaying good performance, prevented screening from being applied to broad populations due to their expensive cost. On this premise, the current findings enhanced the diagnosis of early lung nodules. This study additionally demonstrated the characteristics from various viewpoints and attempted to investigate the capacity of various aspects to contribute. Not only is our proposed method noninvasive, but its cost is also readily acceptable compared to biomarkers.
Nonetheless, our study had several drawbacks. First and foremost, because this was a study of small lung nodules, the gold standard could not be achieved. The aim was just to bring the method as close to the physician’s diagnostic level as possible. Second, the model was not combined and compared with radiologic features. Despite the fact that both were related to imaging, the method proposed in this study cannot directly provide information such as clinical indications such as the burr sign. Finally, one shortcoming of the technique was that it required a high number of precisely labeled counts, making data collection a greater challenge.

5. Conclusions

In conclusion, the combined machine learning model ResNet50-Ensemble Voting showed remarkable performance in the identification of benign and malignant small pulmonary nodules (<20 mm) from multiple centers. The combined feature visualization process further clarifies the variability in different features. The model can help clinicians accurately diagnose the nature of early-stage lung sub-nodules in clinical practice.

Supplementary Materials

The following supporting information can be downloaded at: https://www.mdpi.com/article/10.3390/cancers15225417/s1, Table S1: The ResNet50 model was pre-trained with ImageNet to extract hyper-parameter information of image features; Table S2: The VGG16 model was pre-trained with ImageNet to extract hyper-parameter information of image features.

Author Contributions

Conceptualization, W.L., S.Y. and F.Z.; data curation, T.Z., H.L., D.J., Y.G. and Q.L.; formal analysis, S.Y., R.Y., Y.T. and L.T.; funding acquisition, X.G.; investigation, Y.T., T.Z. and D.J.; methodology, W.L. and F.Z.; project administration, J.Z. and X.G.; resources, T.Z., H.L., Y.G. and Q.L.; software, R.Y. and X.L.; supervision, X.L., J.Z. and X.G.; validation, X.L. and L.T.; visualization, W.L.; writing—original draft, W.L.; writing—review and editing, X.L. and L.T. All authors have read and agreed to the published version of the manuscript.

Funding

This study was supported by the National Natural Science Foundation of China (grant number 82173617 and 82373683) and Beijing Medical Science and Technology Promotion Center (grant number KCZX-KT-002).

Institutional Review Board Statement

This study was conducted in accordance with the Declaration of Helsinki and was approved by the Institutional Review Board of the Beijing Physical Examination Center (protocol code: 002, approval date: 24 March 2022).

Informed Consent Statement

Considering the privacy of patient data, the section is not applicable.

Data Availability Statement

The data presented in this study are available in this article (and Supplementary Materials).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Lung Cancer Screening Considerations During Respiratory Infection Outbreaks, Epidemics or Pandemics: An International Association for the Study of Lung Cancer Early Detection and Screening Committee Report—ScienceDirect. Available online: https://www.sciencedirect.com/science/article/pii/S1556086421033268 (accessed on 25 August 2023).
  2. Zeng, H.; Chen, W.; Zheng, R.; Zhang, S.; Ji, J.S.; Zou, X.; Xia, C.; Sun, K.; Yang, Z.; Li, H.; et al. Changing Cancer Survival in China during 2003–15: A Pooled Analysis of 17 Population-Based Cancer Registries. Lancet Glob. Health 2018, 6, e555–e567. [Google Scholar] [CrossRef]
  3. Wang, L.; Zhang, M.; Pan, X.; Zhao, M.; Huang, L.; Hu, X.; Wang, X.; Qiao, L.; Guo, Q.; Xu, W.; et al. Integrative Serum Metabolic Fingerprints Based Multi-Modal Platforms for Lung Adenocarcinoma Early Detection and Pulmonary Nodule Classification. Adv. Sci. 2022, 9, 2203786. [Google Scholar] [CrossRef]
  4. Eberhardt, R.; Ernst, A.; Herth, F.J.F. Ultrasound-Guided Transbronchial Biopsy of Solitary Pulmonary Nodules Less than 20 Mm. Eur. Respir. J. 2009, 34, 1284–1287. [Google Scholar] [CrossRef] [PubMed]
  5. An Assisted Diagnosis System for Detection of Early Pulmonary Nodule in Computed Tomography Images|SpringerLink. Available online: https://link.springer.com/article/10.1007/s10916-016-0669-0?utm_source=xmol&utm_medium=affiliate&utm_content=meta&utm_campaign=DDCN_1_GL01_metadata (accessed on 25 August 2023).
  6. Management of Small Lung Nodules in the Era of Lung Cancer Screening|Lung Cancer|JAMA Surgery|JAMA Network. Available online: https://jamanetwork.com/journals/jamasurgery/fullarticle/2719456 (accessed on 26 August 2023).
  7. Huang, P.; Park, S.; Yan, R.; Lee, J.; Chu, L.C.; Lin, C.T.; Hussien, A.; Rathmell, J.; Thomas, B.; Chen, C.; et al. Added Value of Computer-Aided CT Image Features for Early Lung Cancer Diagnosis with Small Pulmonary Nodules: A Matched Case-Control Study. Radiology 2018, 286, 286–295. [Google Scholar] [CrossRef] [PubMed]
  8. Kaliyugarasan, S.; Lundervold, A.; Lundervold, A.S. Pulmonary Nodule Classification in Lung Cancer from 3D Thoracic CT Scans Using Fastai and MONAI. Int. J. Interact. Multimed. Artif. Intell. 2021, 6, 83. [Google Scholar] [CrossRef]
  9. Zhao, X.; Liu, L.; Qi, S.; Teng, Y.; Li, J.; Qian, W. Agile Convolutional Neural Network for Pulmonary Nodule Classification Using CT Images. Int. J. Comput. Ass. Rad. 2018, 13, 585–595. [Google Scholar] [CrossRef]
  10. Cao, K.; Tao, H.; Wang, Z.; Jin, X. MSM-ViT: A Multi-Scale MobileViT for Pulmonary Nodule Classification Using CT Images. J. X-ray Sci. Technol. 2023, 31, 731–744. [Google Scholar] [CrossRef]
  11. Mkindu, H.; Wu, L.; Zhao, Y. Lung Nodule Detection of CT Images Based on Combining 3D-CNN and Squeeze-and-Excitation Networks. Multimed. Tools Appl. 2023, 82, 25747–25760. [Google Scholar] [CrossRef]
  12. Mkindu, H.; Wu, L.; Zhao, Y. Lung Nodule Detection in Chest CT Images Based on Vision Transformer Network with Bayesian Optimization. Biomed. Signal Process. Control 2023, 85, 104866. [Google Scholar] [CrossRef]
  13. Howard, B.A.; Morgan, R.; Thorpe, M.P.; Turkington, T.G.; Oldan, J.; James, O.G.; Borges-Neto, S. Comparison of Bayesian Penalized Likelihood Reconstruction versus OS-EM for Characterization of Small Pulmonary Nodules in Oncologic PET/CT. Ann. Nucl. Med. 2017, 31, 623–628. [Google Scholar] [CrossRef]
  14. Incremental Benefit of Maximum-Intensity-Projection Images on Observer Detection of Small Pulmonary Nodules Revealed by Multidetector CT|AJR. Available online: https://www.ajronline.org/doi/10.2214/ajr.179.1.1790149 (accessed on 25 August 2023).
  15. Chae, K.J.; Jin, G.Y.; Ko, S.B.; Wang, Y.; Zhang, H.; Choi, E.J.; Choi, H. Deep Learning for the Classification of Small (≤2 cm) Pulmonary Nodules on CT Imaging: A Preliminary Study. Acad. Radiol. 2020, 27, e55–e63. [Google Scholar] [CrossRef] [PubMed]
  16. Mei, M.; Ye, Z.; Zha, Y. An Integrated Convolutional Neural Network for Classifying Small Pulmonary Solid Nodules. Front. Neurosci. 2023, 17, 1152222. [Google Scholar] [PubMed]
  17. Liu, R.-S.; Ye, J.; Yu, Y.; Yang, Z.-Y.; Lin, J.-L.; Li, X.-D.; Qin, T.-S.; Tao, D.-P.; Song, W.; Wang, G.; et al. The Predictive Accuracy of CT Radiomics Combined with Machine Learning in Predicting the Invasiveness of Small Nodular Lung Adenocarcinoma. Transl. Lung Cancer Res. 2023, 12, 530–546. [Google Scholar] [CrossRef] [PubMed]
  18. Guan, X.; Du, Y.; Ma, R.; Teng, N.; Ou, S.; Zhao, H.; Li, X. Construction of the XGBoost Model for Early Lung Cancer Prediction Based on Metabolic Indices. BMC Med. Inform. Decis. Mak. 2023, 23, 107. [Google Scholar] [CrossRef]
  19. Jain, S. Computer-Aided Detection System for the Classification of Non-Small Cell Lung Lesions Using SVM. Curr. Comput.-Aided Drug Des. 2021, 16, 833–840. [Google Scholar] [CrossRef]
  20. Srivastava, V.; Gupta, S.; Chaudhary, G.; Balodi, A.; Khari, M.; García-Díaz, V. An Enhanced Texture-Based Feature Extraction Approach for Classification of Biomedical Images of CT-Scan of Lungs. Int. J. Interact. Multimed. Artif. Intell. 2021, 6, 18. [Google Scholar] [CrossRef]
  21. Rajinikanth, V.; Kadry, S.; Moreno-Ger, P. ResNet18 Supported Inspection of Tuberculosis in Chest Radiographs with Integrated Deep, LBP, and DWT Features. Int. J. Interact. Multimed. Artif. Intell. 2023, 8, 38. [Google Scholar] [CrossRef]
  22. Sharma, A.K.; Nandal, A.; Dhaka, A.; Koundal, D.; Bogatinoska, D.C.; Alyami, H. Enhanced Watershed Segmentation Algorithm-Based Modified ResNet50 Model for Brain Tumor Detection. BioMed Res. Int. 2022, 2022, 7348344. [Google Scholar] [CrossRef]
  23. Hossain, M.d.B.; Iqbal, S.M.H.S.; Islam, M.d.M.; Akhtar, M.d.N.; Sarker, I.H. Transfer Learning with Fine-Tuned Deep CNN ResNet50 Model for Classifying COVID-19 from Chest X-ray Images. Inform. Med. Unlocked 2022, 30, 100916. [Google Scholar] [CrossRef]
  24. A New Model Based on Improved VGG16 for Corn Weed Identification, Frontiers in Plant Science—X-MOL. Available online: https://www.x-mol.com/paper/1677428630847471616?adv (accessed on 29 August 2023).
  25. Circuit Manufacturing Defect Detection Using VGG16 Convolutional Neural Networks. Available online: https://www.hindawi.com/journals/wcmc/2022/1070405/ (accessed on 29 August 2023).
  26. Advanced Defensive Distillation with Ensemble Voting and Noisy Logits|SpringerLink. Available online: https://link.springer.com/article/10.1007/s10489-022-03495-3?utm_source=xmol&utm_medium=affiliate&utm_content=meta&utm_campaign=DDCN_1_GL01_metadata (accessed on 29 August 2023).
  27. Shehab, M.A.; Kahraman, N. A Weighted Voting Ensemble of Efficient Regularized Extreme Learning Machine. Comput. Electr. Eng. 2020, 85, 106639. [Google Scholar] [CrossRef]
  28. Mantas, C.J.; Castellano, J.G.; Moral-García, S.; Abellán, J. A Comparison of Random Forest Based Algorithms: Random Credal Random Forest versus Oblique Random Forest. Soft Comput. 2019, 23, 10739–10754. [Google Scholar] [CrossRef]
  29. Li, J.; An, X.; Li, Q.; Wang, C.; Yu, H.; Zhou, X.; Geng, Y. Application of XGBoost Algorithm in the Optimization of Pollutant Concentration. Atmos. Res. 2022, 276, 106238. [Google Scholar] [CrossRef]
  30. Ding, S.; Shi, Z.; Tao, D.; An, B. Recent Advances in Support Vector Machines. Neurocomputing 2016, 211, 1–3. [Google Scholar] [CrossRef]
  31. Redivo, E.; Viroli, C.; Farcomeni, A. Quantile-Distribution Functions and Their Use for Classification, with Application to Naïve Bayes Classifiers. Statist. Comput. 2023, 33, 55. [Google Scholar] [CrossRef]
  32. Kadara, H.; Tran, L.M.; Liu, B.; Vachani, A.; Li, S.; Sinjab, A.; Zhou, X.J.; Dubinett, S.M.; Krysan, K. Early Diagnosis and Screening for Lung Cancer. Cold Spring Harb. Perspect. Med. 2021, 11, a037994. [Google Scholar] [CrossRef] [PubMed]
  33. Huang, H.; You, Z.; Cai, H.; Xu, J.; Lin, D. Fast Detection Method for Prostate Cancer Cells Based on an Integrated ResNet50 and YoloV5 Framework. Comput. Methods Programs Biomed. 2022, 226, 107184. [Google Scholar] [CrossRef]
  34. Alshammari, A. Construction of VGG16 Convolution Neural Network (VGG16_CNN) Classifier with NestNet-Based Segmentation Paradigm for Brain Metastasis Classification. Sensors 2022, 22, 8076. [Google Scholar] [CrossRef]
  35. A Method for Detecting the Quality of Cotton Seeds Based on an Improved ResNet50 Model. Available online: https://pubmed.ncbi.nlm.nih.gov/36791128/ (accessed on 26 August 2023).
  36. VGG16 Feature Extractor with Extreme Gradient Boost Classifier for Pancreas Cancer Prediction. Available online: https://pubmed.ncbi.nlm.nih.gov/37504815/ (accessed on 26 August 2023).
  37. Lyu, J.; Bi, X.; Ling, S.H. Multi-Level Cross Residual Network for Lung Nodule Classification. Sensors 2020, 20, 2837. [Google Scholar] [CrossRef]
  38. Deep-Learning Model of ResNet Combined with CBAM for Malignant-Benign Pulmonary Nodules Classification on Computed Tomography Images. Available online: https://pubmed.ncbi.nlm.nih.gov/37374292/ (accessed on 26 August 2023).
  39. Xie, Y.; Xia, Y.; Zhang, J.; Song, Y.; Feng, D.; Fulham, M.; Cai, W. Knowledge-Based Collaborative Deep Learning for Benign-Malignant Lung Nodule Classification on Chest CT. IEEE Trans. Med. Imaging 2019, 38, 991–1004. [Google Scholar] [CrossRef]
  40. Wang, H.; Zhu, H.; Ding, L.; Yang, K. A Diagnostic Classification of Lung Nodules Using Multiple-Scale Residual Network. Sci. Rep. 2023, 13, 11322. [Google Scholar] [CrossRef]
  41. Evaluation of the Solitary Pulmonary Nodule: Size Matters, but Do Not Ignore the Power of Morphology | Insights into Imaging. Available online: https://link.springer.com/article/10.1007/s13244-017-0581-2?utm_source=xmol&utm_medium=affiliate&utm_content=meta&utm_campaign=DDCN_1_GL01_metadata (accessed on 26 August 2023).
  42. Patient and Nodule Characteristics Associated with a Lung Cancer Diagnosis Among Individuals with Incidentally Detected Lung Nodules—ScienceDirect. Available online: https://www.sciencedirect.com/science/article/pii/S0012369222039009 (accessed on 26 August 2023).
  43. Choi, W.; Oh, J.H.; Riyahi, S.; Liu, C.-J.; Jiang, F.; Chen, W.; White, C.; Rimner, A.; Mechalakos, J.G.; Deasy, J.O.; et al. Radiomics Analysis of Pulmonary Nodules in Low-Dose CT for Early Detection of Lung Cancer. Med. Phys. 2018, 45, 1537–1549. [Google Scholar] [CrossRef] [PubMed]
  44. Early Detection of Lung Cancer Using DNA Promoter Hypermethylation in Plasma and Sputum|Clinical Cancer Research|American Association for Cancer Research. Available online: https://aacrjournals.org/clincancerres/article/23/8/1998/123278/Early-Detection-of-Lung-Cancer-Using-DNA-Promoter (accessed on 26 August 2023).
  45. Li, X.; Li, X.; Chen, S.; Wu, Y.; Liu, Y.; Hu, T.; Huang, J.; Yu, J.; Pei, Z.; Zeng, T.; et al. TRAP1 Shows Clinical Significance in the Early Diagnosis of Small Cell Lung Cancer. J. Inflamm. Res. 2021, 14, 2507–2514. [Google Scholar] [CrossRef] [PubMed]
Figure 1. Flowchart for the design of a machine diagnostic model for benign and malignant pulmonary nodules.
Figure 1. Flowchart for the design of a machine diagnostic model for benign and malignant pulmonary nodules.
Cancers 15 05417 g001
Figure 2. The ROC curves of different combinations of classification models in the test set. (a) Features extracted by ResNet50. (b) Features extracted by VGG16.
Figure 2. The ROC curves of different combinations of classification models in the test set. (a) Features extracted by ResNet50. (b) Features extracted by VGG16.
Cancers 15 05417 g002
Figure 3. Differential feature visualization of small lung nodules. (a) Features extracted by ResNet50. (b) Features extracted by VGG16. The black box is the area of differential feature clustering.
Figure 3. Differential feature visualization of small lung nodules. (a) Features extracted by ResNet50. (b) Features extracted by VGG16. The black box is the area of differential feature clustering.
Cancers 15 05417 g003
Figure 4. Identity Mapping of visualization of the effectiveness of the learned features. (a) Features extracted by ResNet50. (b) Features extracted by VGG16.
Figure 4. Identity Mapping of visualization of the effectiveness of the learned features. (a) Features extracted by ResNet50. (b) Features extracted by VGG16.
Cancers 15 05417 g004
Figure 5. Feature importance ranking for feature screening via XGBoost. (a) Features extracted by ResNet50 and (b) features extracted by VGG16.
Figure 5. Feature importance ranking for feature screening via XGBoost. (a) Features extracted by ResNet50 and (b) features extracted by VGG16.
Cancers 15 05417 g005
Table 1. The checklist of subjects and images.
Table 1. The checklist of subjects and images.
DatabaseSubjects (n, %)Images (n, %)
Beijing Chest Hospital43 (10.86)89 (10.67)
Beijing Cancer Hospital106 (26.77)228 (27.37)
Xuanwu Hospital96 (24.24)204 (24.46)
Beijing Physical Examination Center79 (19.95)175 (20.98)
TCGA Public Database26 (6.57)51 (6.12)
LIDC-IDRI46 (11.62)87 (10.44)
Total396 (100.00)834 (100.00)
Table 2. Comparison of clinical information between benign group and malignant group.
Table 2. Comparison of clinical information between benign group and malignant group.
Clinic InformationBenign (n = 154)Malignant (n = 242)p
Age (years, mean ± SD)61.43 ± 12.3868.42 ± 10.290.057 a
Gender (n, %) 0.903 b
Male81 (0.53)135 (0.56)
Female73 (0.47)107 (0.44)
a t-test was used for the distribution difference of continuous variables. b Chi-square test was used for the distribution difference of categorical variables.
Table 3. Classification and diagnosis of diabetic nephropathy based on the migration model.
Table 3. Classification and diagnosis of diabetic nephropathy based on the migration model.
ModelsAccuracySensitivitySpecificityPPVNPVAUCMAEF1-Score
ResNet500.75 (0.73, 0.77)0.820.660.780.710.810.270.80
VGG160.61 (0.59, 0.63)0.370.900.820.540.610.400.51
VGG16-Ensemble Voting0.88 (0.88, 0.89)0.950.780.740.540.770.110.91
VGG16-XGBoost0.74 (0.72, 0.77)0.860.570.730.680.760.250.80
VGG16-Random Forest0.73 (0.71, 0.75)0.890.490.720.740.790.270.80
VGG16-SVM0.72 (0.70, 0.75)0.900.460.720.760.780.270.80
VGG16-Naïve Bayes0.63 (0.61, 0.66)0.690.540.690.550.660.370.69
ResNet50-Ensemble Voting0.94 (0.93, 0.94)0.960.910.850.630.880.060.95
ResNet50-XGBoost0.82 (0.80, 0.83)0.890.700.820.810.900.180.86
ResNet50-Random Forest0.82 (0.80, 0.84)0.920.660.810.860.890.190.86
ResNet50-SVM0.83 (0.82, 0.85)0.930.690.820.860.910.170.87
ResNet50-Naïve Bayes0.71 (0.69, 0.73)0.750.660.770.630.750.290.76
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Li, W.; Yu, S.; Yang, R.; Tian, Y.; Zhu, T.; Liu, H.; Jiao, D.; Zhang, F.; Liu, X.; Tao, L.; et al. Machine Learning Model of ResNet50-Ensemble Voting for Malignant–Benign Small Pulmonary Nodule Classification on Computed Tomography Images. Cancers 2023, 15, 5417. https://doi.org/10.3390/cancers15225417

AMA Style

Li W, Yu S, Yang R, Tian Y, Zhu T, Liu H, Jiao D, Zhang F, Liu X, Tao L, et al. Machine Learning Model of ResNet50-Ensemble Voting for Malignant–Benign Small Pulmonary Nodule Classification on Computed Tomography Images. Cancers. 2023; 15(22):5417. https://doi.org/10.3390/cancers15225417

Chicago/Turabian Style

Li, Weiming, Siqi Yu, Runhuang Yang, Yixing Tian, Tianyu Zhu, Haotian Liu, Danyang Jiao, Feng Zhang, Xiangtong Liu, Lixin Tao, and et al. 2023. "Machine Learning Model of ResNet50-Ensemble Voting for Malignant–Benign Small Pulmonary Nodule Classification on Computed Tomography Images" Cancers 15, no. 22: 5417. https://doi.org/10.3390/cancers15225417

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop