Next Article in Journal
MISM: A Medical Image Segmentation Metric for Evaluation of Weak Labeled Data
Next Article in Special Issue
Automated Diagnosis for Colon Cancer Diseases Using Stacking Transformer Models and Explainable Artificial Intelligence
Previous Article in Journal
Diagnostic Performance of the Darth Vader Sign for the Diagnosis of Lumbar Spondylolysis in Routinely Acquired Abdominal CT
Previous Article in Special Issue
Robustness Fine-Tuning Deep Learning Model for Cancers Diagnosis Based on Histopathology Image Analysis
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

A Review of Deep Learning Techniques for Lung Cancer Screening and Diagnosis Based on CT Images

by
Mohammad A. Thanoon
1,2,*,
Mohd Asyraf Zulkifley
1,*,
Muhammad Ammirrul Atiqi Mohd Zainuri
1 and
Siti Raihanah Abdani
3
1
Department of Electrical, Electronic and Systems Engineering, Faculty of Engineering and Built Environment, University Kebangsaan Malaysia, Bangi 43600, Malaysia
2
System and Control Engineering Department, College of Electronics Engineering, Ninevah University, Mosul 41002, Iraq
3
School of Computing Sciences, College of Computing, Informatics and Media, Universiti Teknologi MARA, Shah Alam 40450, Malaysia
*
Authors to whom correspondence should be addressed.
Diagnostics 2023, 13(16), 2617; https://doi.org/10.3390/diagnostics13162617
Submission received: 30 June 2023 / Revised: 26 July 2023 / Accepted: 2 August 2023 / Published: 8 August 2023
(This article belongs to the Special Issue Artificial Intelligence in Cancers)

Abstract

:
One of the most common and deadly diseases in the world is lung cancer. Only early identification of lung cancer can increase a patient’s probability of survival. A frequently used modality for the screening and diagnosis of lung cancer is computed tomography (CT) imaging, which provides a detailed scan of the lung. In line with the advancement of computer-assisted systems, deep learning techniques have been extensively explored to help in interpreting the CT images for lung cancer identification. Hence, the goal of this review is to provide a detailed review of the deep learning techniques that were developed for screening and diagnosing lung cancer. This review covers an overview of deep learning (DL) techniques, the suggested DL techniques for lung cancer applications, and the novelties of the reviewed methods. This review focuses on two main methodologies of deep learning in screening and diagnosing lung cancer, which are classification and segmentation methodologies. The advantages and shortcomings of current deep learning models will also be discussed. The resultant analysis demonstrates that there is a significant potential for deep learning methods to provide precise and effective computer-assisted lung cancer screening and diagnosis using CT scans. At the end of this review, a list of potential future works regarding improving the application of deep learning is provided to spearhead the advancement of computer-assisted lung cancer diagnosis systems.

1. Introduction

Lung cancer is the leading cause of cancer-related deaths globally [1]. It accounts for 18% of all cancer-related deaths, making it the most common cause of death among all cancers. The major cause of lung cancer is smoking, and it has reached a peak or is continuing to rise in several countries. This suggests that lung cancer will become more common for at least a few decades [2]. Early detection and accurate diagnosis of lung cancer can significantly improve patient outcomes [3,4]. Individuals with lung cancer have a 10- to 20% probability of surviving five years following diagnosis. Computed tomography (CT) and magnetic resonance imaging (MRI) are common medical procedures for early detection that improve patient survival [5,6]. The best features can be produced manually using feature extraction methods like Sequential Flood Feature Selection Algorithms (SFFSA) or Genetic Algorithms (GA), which have historically been the foundation of intelligent procedures [7].
Recent advances in deep learning technology have enabled CAD systems to autonomously identify visual features [8]; as a result, many medical image-processing techniques have been successfully applied [9]. The two main subtypes of lung cancer are small-cell lung cancer (SCLC) and non-small-cell lung cancer (NSCLC). Generally, lung cancer is caused by several factors, including smoking, harmful airborne particles, sex, genes, aging, and others [10]. Long-term smoking is the main contributor to lung cancer, as shown in Figure 1 [11]. Smoking causes lung cancer not just in smokers but also in secondhand smokers. Some of the signs that can be used to screen for lung cancer are yellow fingers, anxiety, chronic illness, tiredness, reactions to allergens, wheezing, roaring, coughing up blood (even for minor amounts), hoarseness, breathing problems, pain in the bones, headaches, swallowing problems, and chest discomfort [12].
In general, early detection of a cancer case through accurate diagnosis followed by effective treatment can increase the likelihood of a full cure [13]. Regardless of the medical tools, authorized specialists are required for the interpretation of medical information for the diagnosis of illnesses. It is also a norm that experts sometimes have disagreements due to the complexity of medical images. Therefore, an intelligent, assisted diagnosis system is essential in the medical field. In recent years, conventional machine learning (ML) and deep learning (DL) algorithms have been used to analyze and interpret medical images for diagnosis purposes [14]. The development of a computer-assisted diagnosis system for medical applications is extremely challenging, and much research and funding have been granted for various diseases.
The goal of this paper is to provide a thorough overview of the state-of-the-art literature on deep learning algorithms used for classifying and segmenting CT images for lung cancer. This study examines various deep learning methods that have been employed for lung cancer detection and diagnosis and provides a general performance comparison between the benchmarked methods. This paper also highlights the issue of the lack of reliable and effective strategies for the reviewed CT-based intelligent diagnosis system. The common weaknesses of current systems are that they are time-consuming, expensive, and require specialized knowledge. By using a deep learning approach, the intelligent system can provide automatic and precise lung cancer detection and diagnosis using CT images, which is an exciting approach to this issue. This paper also summarizes the advantages and disadvantages of various deep learning approaches and offers suggestions for further research in this area. The ultimate objective is to use deep learning methods based on CT images to increase the precision and efficacy of cancer detection and diagnosis.

1.1. Deep Learning Methods Overview

Correctly acquiring medical images and interpreting them is crucial to correctly identifying and diagnosing malignant diseases. There are numerous high-resolution image capture devices available, including CT, MRI, and X-ray scans. After pre-processing, the illness identification system extracts pertinent information from these medical images and uses those features to train its models. A further application of the trained model is to identify the disease from corresponding unknown medical images.
The traditional machine learning method is unable to produce reliable findings since medical images of various individuals vary greatly. Deep learning techniques have been successfully applied in a variety of disciplines recently, particularly in the analysis of medical pictures. These techniques are useful and effective for evaluating medical images to find disorders, especially cancer.
Techniques for deep learning are a subset of machine learning techniques that enable estimating the outcome using the provided data set and training the model based on the outcome. Deep learning techniques use neural networks with numerous layers, including an input layer, several hidden layers, and an output layer. The deep learning model is taught more precisely because there are numerous layers present. Based on their learning methodologies, deep learning models can be divided into four groups: reinforced learning models, unsupervised learning models, semi-supervised learning models, and supervised learning models.

1.1.1. Supervised Deep Learning Models

For the training purposes of this type of deep learning model, specified, labeled data is required. The deep learning approach must be practiced throughout the training phase using every conceivable input combination that includes the target class label. Following training, the model that was developed is used to forecast the label of unidentified samples. CNN, LSTM, RNN, and GRU are the most widely used deep learning models in the supervised learning category.

1.1.2. Unsupervised Deep Learning Models

Deep learning models that have been improved do not need any tagged practice data. To group similar data, these models analyze the data’s inherent characteristics based on some pertinent characteristics. These models are typically employed for feature reduction and clustering reasons. Auto-Encoders (AE) and Restricted Boltzmann Machines (RBM) are two of the most commonly utilized unsupervised deep learning models.

1.1.3. Semi-Supervised Deep Learning Models

For training, a semi-supervised deep learning model uses both labeled and unlabeled data. RNN, LSTM, GRU, and Generative Adversarial Networks (GAN) are the deep learning models in this category that are most frequently utilized.

1.1.4. Reinforced Deep Learning Models

Reinforced deep learning models focus on selecting the best course of action to maximize rewards in a certain environment. These models learn to recognize real behavior by interacting with the outside world.
Deep learning is a branch of the machine learning field that makes use of multiple-layered, complex networks to learn features of interest from vast amounts of data. These networks can extract the linkages and patterns within the data that are too complicated for conventional machine-learning techniques to comprehend. Due to its capacity to automatically learn complex characteristics from a variety of input medical image sources, such as 2D CT pictures, 3D CT images, low-dose CT images, and MR images, as illustrated in Figure 2, deep learning techniques have grown in popularity as the methods used in lung cancer diagnosis.
As CT scans offer highly detailed images of the lungs, they are frequently employed in the identification of lung cancer. By examining the size, shapes, textures, and intensities of the pictures, deep learning algorithms are able to recognize the affected nodules based on the CT images. Since they provide complete imaging of the lung capacity, 3D CT pictures offer a more comprehensive examination of the lungs compared to 2D CT images. In many previous works, deep learning methods have been used to analyze 3D CT images accurately to detect nodules and other abnormalities. To minimize the exposure to radiation during lung cancer screening, low-dose CT methods are the preferred modality, coupled with denoising and image augmentation techniques. Compared to CT scans, MR imaging has more capability for revealing information about tissue density and blood flow. Based on their distinctive features, deep learning systems can also analyze MR images to locate lung nodules along with additional abnormalities. To increase image quality and reduce noise, filtering techniques such as Gaussian and Median filtering are usually implemented to pre-process the incoming images. In lung cancer cases, candidate detection is the process of spotting areas of concern in the image to detect possible nodules or additional abnormalities. There are several methods in deep learning that can be used to identify prospective candidates, including region proposal networks and sliding window approaches.
In general, 2D deep learning algorithms such as recurrent neural networks (RNNs), CNNs, and hybrid models have been frequently employed for lung cancer diagnosis due to their ability to examine individual CT slices to detect nodules and other anomalies. Apart from 2D techniques, 3D deep learning architectures are also used to analyze the whole CT volumes to locate the nodules, especially on 3D CNNs, as well as additional models that are normally used for processing 3D data. In order to increase the precision of lung cancer detection, some methods applied a hybrid approach that incorporated various types of deep learning architectures for both 2D and 3D CNN to analyze both individual CT data slices and full volumes. To speed up the training process, many deep learning algorithms examine fresh data using transfer learning methods that pretrain the models using massive datasets of CT images before fine-tuning the models for any specific disease.

1.2. Analysis of a CT Image Using DL

CT imaging produces detailed images of the human body, and it has been used as a non-invasive method for diagnosing and monitoring a number of diseases, including cancer, heart disease, and trauma. CT imaging has revolutionized the contemporary medicine field by providing specialists with accurate tools to provide internal organ images of the body, enabling them to make more informed diagnoses and treatment decisions. The attenuation of X-rays as they pass through various body tissues is the basic principle by which CT imaging maps the internal organs. A CT scan can be captured by requesting that the patient be positioned on a table that slides into a large, doughnut-shaped CT scanner. The scanner then emits a number of X-rays that go through the body before being detected by a number of detectors on the scanner’s opposite side. The X-ray attenuation data is then processed by a computer to provide cross-sectional images of the body that can then be further transformed into 3D images. There are a number of advantages of CT imaging compared to other medical imaging modalities, whereby the former imaging technique is non-invasive since it does not involve any invasive treatments or incisions. A standard CT scan also requires a short amount of processing time, making it a rather speedy technique. Furthermore, a CT scan provides the imaging data inside the body in great detail, providing medical professionals with access to irregularities that might not be visible if traditional imaging techniques are used. CT imaging has, however, a number of disadvantages, including the use of ionizing radiation that could eventually increase the risk of getting cancer. Therefore, it should only be used when it is absolutely essential, and it must be administered with the appropriate radiation protection. Furthermore, CT imaging may detect abnormalities that are not actually there, a condition known as false-positive results. This could lead to unnecessary, expensive, and potentially harmful testing and treatment.
CT imaging-based lung cancer diagnosis has improved using DL methods. Deep learning uses multiple-layered networks to learn from enormous volumes of data. These networks are capable of identifying connections and patterns in data that are too complex for traditional machine-learning algorithms to grasp. Deep learning systems can be finetuned to take CT images as input to identify lesions, tumors, and nodules automatically. Additionally, they can be used to segment the images into several anatomical components, such as the liver, brain, and lungs. Medical professionals may be better able to diagnose anomalies in particular body parts thanks to this. The use of deep learning for CT image processing has a number of benefits. Deep learning algorithms can adapt to varied input data types, such as CT images with varying resolutions, noise levels, and contrast, and can learn from vast amounts of data. They can also perform real-time image analysis, which can boost the effectiveness of the diagnostic procedure. The accuracy and consistency of CT imaging analysis can also be improved by deep learning algorithms, lowering the possibility of false-positive and false-negative outcomes.
Deep learning for CT image analysis has a number of difficulties as well. To train deep learning algorithms, big and high-quality datasets are required, but effective data collection is a big hurdle for medical image applications. These datasets must be accurately labeled and annotated to ensure that the algorithms discover the relevant characteristics and patterns. In general, deep learning algorithms are complex in nature and hard to physically interpret. Despite these difficulties, deep learning has the potential to enhance the precision and effectiveness of CT image-based diagnosis. It has the potential to revolutionize the area of medical imaging by giving doctors more precise and dependable diagnostic equipment. To completely assess the efficiency and security of deep learning techniques for CT image interpretation and to address the difficulties involved in their application in clinical settings, a comprehensive review is required.

1.3. Paper Organization

This review paper is organized into eight sections, beginning with an introduction that gives a general overview of the application of deep learning algorithms for lung cancer diagnosis using CT images. Section 2 briefly describes deep learning techniques and their application to CT scans. While Section 3 offers a comparative analysis of various deep-learning models used for lung cancer detection, Section 5 and Section 6 discuss the segmentation and classification algorithms used for lung cancer detection, respectively. Section 8 offers concluding observations and recommendations for future study.

1.4. Contributions to the Survey

The important contributions of this review paper are as follows:
  • Giving a thorough analysis of how deep learning methods are used to identify and diagnose lung cancer from CT scans.
  • Summarizing the most popular deep learning models for detecting and classifying lung cancer.
  • Comparison analysis of the effectiveness of various deep learning models.
  • Outlining the shortcomings of the current approaches and recommending potential study areas.

2. Lung Cancer Detection Using Deep Learning Techniques

The diagnosis process of some diseases can be assisted by using automation methods through Computer-Assisted Diagnosis (CAD). This method utilizes software to segment, predict, locate, and classify the symptoms, which will be used to infer the presence and severity of the diseases. In this work, the focus is to provide a review of CAD methods that are used to identify cancerous nodules in lung CT scans. Generally, a CT scan allows doctors to identify the presence of lung cancer nodules, especially when the nodules are large, which corresponds to the late stage of the disease. However, it is important to identify the nodules at an early stage, which is usually small in size before a patient develops a lung tumor the size of a golf ball. Based on the two images in Figure 3 and Figure 4, it is really difficult to distinguish and segment the nodules manually.
A particular kind of neural network that is excellent for image categorization is the convolutional neural network (CNN). The functioning of the human visual brain served as inspiration for this architecture. A neuron mechanism will be mimicked by a CNN filter with a set of receptive fields that only process a limited portion of the image. Each deeper layer of these neurons has a bigger receptive field and, as such, can learn and recognize more complex patterns, which are primarily arranged in hierarchical layers. CNNs can also be seen as numerous layers of sliding windows with tiny neural networks striding across the image.
One of the advantages of CNNs is their location invariance capability, which allows the filters to learn the patterns regardless of where they are located. This is because the use of sliding windows allows the filter to learn the patterns all over the images. Another advantage of CNNs is their hierarchical structure, which enables them to automatically pick up on increasingly abstract patterns. The first layers may pick up on boundaries and structures, while the intermediate layers may pick up on details like shapes, and even higher levels may pick up on general object shapes.
CNNs can be configured to process 3D images rather than the sliced 2D images of the CT scan. 3D CNNs can be implemented by using a sliding cube instead of a sliding pane that advances through three dimensions while extracting features at each step.

3. Computer-Assisted Lung Cancer Detection Using CT Images

Several studies have investigated the use of deep learning algorithms for CT-based lung cancer screening and diagnosis. In general, there are unique image attenuation patterns in CT images for healthy and unhealthy scans. In order to distinguish the lungs from the surrounding tissues, straightforward techniques such as numerical approaches, gray-level thresholding, and shape-based approaches can be used to perform simple lung segmentation.
In [16], Brown et al. proposed an automated, knowledge-based method for segmenting the chest region. Several pieces of anatomical knowledge, including the estimated volume, shape, relative position, and X-ray attenuation of organs, are required inputs for this technique. In [17], Brown et al. further developed a knowledge-based, automated segmentation system to extract useful data from the CT image data. They were able to automatically generate indirect quantitative measurements of single lung function that are inaccessible through traditional pulmonary function tests. Furthermore, a fully automatic method for lung segmentation from 3-D pulmonary X-ray images was developed by Hu et al. [18]. The suggested algorithm’s performance was evaluated using 3-D CT data sets from eight healthy people, and it was discovered that there is a 0.8-pixel difference in the root mean square performance between computer and human analysis. Using a slice-based pixel-value threshold as well as two sets of classification criteria based on size, circularity, and location-related data, the work in [19] proposed a fully automated lung segmentation approach. Based on the test on 101 CT cases, they managed to produce 94.0% segmentation accuracy using 2969 thick slice images and 97.6% segmentation accuracy using 1161 thin slice images. Moreover, the work in [20] introduced an anisotropic filtering methodology and a wavelet transform-based interpolation method for segmenting and visualizing lung volume. Using single-detector CT scans, the suggested method’s robustness and efficacy were shown through the percentage improvements in volume overlap and volume difference.
In [21], Swierczynski et al. described a segmentation method that merged a conventional segmentation method with active dense displacement field estimation based on a level-set formulation. The findings showed that the suggested approach was more accurate than the independent registration and segmentation processes. Based on a universal lung nodule shape model, the work in [22] proposed a new variational level set approach for lung nodule segmentation using CT scan data. The suggested method has the benefit of being independent of the type or location of nodules. Using a similar idea, the work in [23] proposed a parameter-free segmentation technique with an emphasis on juxtapleural nodules to increase lung nodule identification accuracy. The 403 juxtapleural nodules from the lung imaging database consortium (LIDC) were used to demonstrate a re-inclusion rate of 92.6%. Apart from that, Zhang et al. [24] created a worldwide optimal hybrid geometric active contour model and an automated lung segmentation method. The incorporation of global region and edge information increases the algorithm’s accuracy in areas with weak boundaries or narrow bands. The segmentation method described by [25] starts with a sphere inside the segmentation target lung and deforms it further as forces are applied toward the lung borders. The algorithm’s effectiveness was demonstrated using 40 CT scans, and the average F-measure is 99.22%.
Researchers have been investigating the convolutional neural network’s robustness for computer vision applications for the past ten years. For natural image processing and medical image analysis, various CNN-based methods have been proposed. The use of artificial intelligence and CT scans to identify and diagnose lung cancer has been suggested in a number of ways. To recognize and categorize lung nodules, for instance, the work in [26] created a three-dimensional convolutional neural network (CNN) with three modules. This technique beats manual assessment performance with a sensitivity rate of 84.4%. Similarly, Nasser and Naser [27] detected lung cancer using an artificial neural network (ANN) with a high accuracy of 96.67%. Cifci et al. [28], the suggested Deep Learning with Instantaneously Trained Neural Networks (DITNN) method, coupled with the enhanced profuse clustering technique (IPCT), managed to improve lung image quality and the diagnosis rate of lung cancer with 98.42% accuracy. With an accuracy performance of 0.909 and 0.872, respectively, the paper in [29] suggested a double convolutional deep neural network (CDNN) and a conventional CDNN to recognize and classify lung nodules.
Uniquely, Wang et al. [30] created a computer-aided detection (CAD) system that had low false negative and positive detection rates while achieving excellent nodule detection accuracy. Rather than using random initialization, the deep model in [31] classified lung pictures using an inception-v3 transfer learning method and managed to attain a sensitivity rate of 95.41%. Last but not least, the approach in [10] suggested a multi-group patch-based learning system that could detect lung cancer with a sensitivity rate of 80.06% with 4.7 false positives per scan and a sensitivity rate of 94% with 15.1 false positives per scan. In [32], the authors designed a dense convolutional binary-tree network (DenseBTNet) with high parameter efficiency as well as multi-scale feature extraction capabilities. In their work [33], Li et al. highlighted the significance of early detection in lowering lung cancer mortality. They unveiled a deep learning-based computer-aided diagnosis (DL-CAD) system that can identify and categorize lung nodules with a diameter of less than 3 mm while also estimating the likelihood of these nodules developing into malignancy types. The system’s sensitivity was tested using the LIDC-IDRI and NLST datasets, and it achieved 86.2% accuracy.
Similar to the previous approach, the work in [34] presented a deep 3D residual convolution neural network with a focus on lowering false positives for the automated detection of lung nodules in CT scans. They utilized a spatial pooling and cropping (SPC) layer to extract multi-level contextual data, and their 27-layer network utilized the LUNA-16 dataset to obtain a sensitivity rate of 98.3%. Teramoto et al. [35] described a new Deep Convolutional Neural Network (DCNN) including convolutional, fully connected, and pooling layers for the automated classification of lung cancer. A small dataset of 76 cancer cases was used to train the DCNN, which had only 71% classification accuracy. A 3D convolutional neural network was also suggested by [36] for computer-aided pulmonary nodule diagnosis from volumetric CT scans. Their model, which was tested using the LUNA16 dataset, consists of several sets of 3D convolutional layers, max-pooling layers, fully connected layers, and a softmax layer. Their findings show that 3D CNNs can improve detection accuracy; they achieved a sensitivity rate of 94.4%.
Based on CT images, two works (i.e., [37,38]) applied deep learning algorithms to predict lung adenocarcinoma survival rate as well as EGFR mutation status and its subtype categorization. To recap the outputs of several works, a review was conducted on the application of deep learning methods for CT imaging lung nodule segmentation and classification [39]. Contrary to the high-dose technique, the work in [40] used low-dose chest CT images and a three-dimensional deep-learning model to create an end-to-end lung cancer detection system. Furthermore, Shao et al. [41] have applied deep learning algorithms to mobile low-dose CT scans as a screening tool for lung cancer in resource-constrained locations. Similarly, based on CT scans, the model in [42] is used to forecast the EGFR mutation as well as the PD-L1 expression status in non-small-cell lung cancer, and a thorough analysis of the use of these deep learning techniques for CT scans for lung nodule detection and diagnosis can be found in [43].
Apart from the classification approach, deep neural networks were also employed by [11] to segment lung CT images. Lakshmanaprabu et al. [44], the suggested deep learning model produced the best performance for classifying lung cancer from CT data, with a 96.3% accuracy rate. As an exploration work, Lee et al. [45] examined how deep learning models are used in chest radiography and how CT images are utilized to identify lung cancer and emphasized how these models have the potential to increase precision and effectiveness in clinical settings. As an example, the work in [46] described a deep learning method for lung cancer diagnosis that had a 93.55% sensitivity and 91.5% specificity. For a smaller nodule case, the model developed in [47] assessed PD-L1 expression in non-small cell lung cancer and predicted immune checkpoint inhibitor responses using deep learning on CT images. With an F1 score of 0.848, Hu et al. [48] suggested a deep learning method for automatically extracting information on the stage of lung cancer from CT data. To further prove the effectiveness of a deep learning-enhanced computer-aided diagnosis (CAD) system in identifying lung nodules on 1-mm-thick CT images, the works in [49,50] suggested a machine learning method that could identify benign, preinvasive, and invasive lung nodules on CT scans. A deep learning system for lung cancer prediction was also put forth by [51], with an accuracy rate of 87.63%.
Vani et al. [52], the authors propose six deep learning models (CNN, CNN GD, Inception V3, Resnet-50, VGG-16, and VGG-19) for efficient lung cancer diagnosis using CT scans and histopathological images. Evaluation based on accuracy, F-Score, precision, sensitivity, and specificity shows CNN GD outperforms others with 97.86% accuracy, 96.39% accuracy, 96.79% sensitivity, and 97.40% specificity. Shalini et al. [53], the authors propose a novel approach using 3DCNN and RNN for classifying cancerous lung nodules with high accuracy (95%). Future enhancements could involve big-data analytics and cascading classifiers to further improve efficiency. Abunajm et al. [54], the authors introduce a CNN-based model for early prediction and detection of lung cancer from CT scan imaging, capable of identifying benign, malignant, and normal cases. Detecting lung cancer early is vital for improving survival rates and initiating timely treatment plans. The model successfully reduces false positives and achieves an impressive accuracy rate of 99.45%.
A combination of radiomics and deep learning methods was also proposed in [55] to detect and manage lung cancer. In order to enhance cancer detection and prognosis, the scientists describe how radiomics can extract quantitative data from medical images. This data may then be analyzed by deep learning algorithms. A study on the application of deep learning to forecast the risk of cardiovascular disease from low-dose computed tomography (CT) images used for lung cancer screening is presented in [56]. To forecast the risk of cardiovascular illness based on lung CT scans, the researchers developed a deep learning algorithm on a huge dataset of various cardiovascular risks. The algorithm developed in [57] suggested a more effective method for detecting lung cancer from CT scans using hybrid dense clustering and deep learning to instantly train the neural networks. The authors demonstrated the efficacy of their technique in identifying lung nodules and compared it to other methods of identifying lung cancer. A unique deep convolutional neural network (CNN) is presented in [58] for the diagnosis of lung nodules on 3D CT images, which was tested on a sizable dataset of CT scans to show the detection and categorization of the lung nodules. Zhao et al. [59], the authors put forth a weighted discriminative extreme learning machine concept for electronic nose system lung cancer diagnosis. They obtained great accuracy in differentiating between the two groups by analyzing breath samples from lung cancer patients as well as healthy controls using an electronic nasal device. Using 18 F-FDG PET/CT images, Chen et al. [60] offers a multimodality attention-guided 3D detection approach for non-small cell lung cancer. The accuracy of lung cancer detection in PET/CT scans was improved by the authors using deep learning algorithms, which can help with the early diagnosis and treatment formulation of lung cancer. Table 1 summarizes the applications, pros, and cons of different lung imaging methods, while Table 2 summarizes the reviewed models of the past 5 years (2018–2022).

4. Dataset Discussion

The literature survey on lung cancer detection has utilized various datasets to evaluate the performance of deep learning techniques. Some of the datasets that have been employed in the research include:
Level-set approach for joint image segmentation and registration and CT image dataset: This dataset is used in studies exploring joint image segmentation and registration techniques to enhance lung cancer detection accuracy.
  • Lung Image Database (LID): The Lung Image Database is often used to develop and validate computer-aided diagnosis systems for lung cancer based on deep learning algorithms [62].
  • LIDC-IDRI: The Lung Image Database Consortium and Image Database Resource Initiative dataset is a widely used dataset for lung cancer research, providing annotated CT images for nodule detection and classification tasks [63].
  • NLST: The National Lung Screening Trial dataset is commonly used for low-dose CT imaging research to evaluate the performance of deep learning models in early lung cancer detection [64].
  • ImageNet: ImageNet is a vast dataset used for pretraining deep learning models. It has been utilized in transfer learning approaches for lung cancer detection tasks [65].
  • Immunotherapy dataset: This dataset has been employed to investigate the relationship between lung cancer and immunotherapy responses using deep learning methods [66].
  • PD-L1 expression dataset: The PD-L1 expression dataset has been utilized to explore the use of deep learning in predicting PD-L1 expression levels in lung cancer patients [47].
  • Tianchi AI dataset: The Tianchi AI dataset has been used in various studies to develop and evaluate deep learning-based lung cancer detection systems [67].
  • CT lung datasets: Different CT lung datasets are used in studies focusing on lung-specific image analysis and nodule detection using deep learning methods [68].
  • Cancer Imaging Archive (CIA) dataset: This dataset is commonly used in research to develop and assess deep-learning models for lung cancer diagnosis [69].
  • Private datasets: Some studies have utilized private datasets, the sources of which are not publicly disclosed, to evaluate the performance of deep learning techniques [70].
These datasets vary in size, imaging modalities, annotation quality, and diversity of lung cancer cases, which poses both opportunities and challenges for developing accurate and generalizable deep learning models.
Table 2 summarizes the reference papers used in the literature survey (latest 5 years, 2018–2022) (Section 3).

5. Evolving Techniques for Lung Cancer Detection

One of the cancers that leads to mortality is lung cancer. Furthermore, it is very challenging to identify the cases because they normally emerge and manifest during the terminal stage. However, early disease detection and treatment tools can lower the mortality rate. Optimum imaging methods such as CT imaging may reveal all suspected and undetected lung cancer nodules, which makes it a trustworthy tool for diagnosing lung cancer [71]. It may be challenging to identify the malignant cells, nevertheless, due to variations in CT scan intensity and anatomical structure misinterpretations by medical professionals and radiologists [72]. Computer-aided diagnosis systems have recently become popular tools to help radiologists and clinicians effectively diagnose cancer [73]. Numerous systems have been created, and research into the detection of lung cancer is still ongoing. However, some systems still need to be improved in order to obtain the best detection accuracy possible, which is going towards 100%.
Lung cancer can be effectively treated with the help of a thorough etiology, reliable early identification, and appropriate medications. Thus, early detection of lung cancer is essential, particularly in screening high-risk populations (such as smokers, those exposed to fumes, those working in oil fields or other toxic environments, etc.) with a pressing need to find new biomarkers. Furthermore, the best lung cancer treatment relies on the precision of the diagnostic tools. Therefore, the need to find sensitive and precise biomarkers for early detection is crucial, and current methods perform lung cancer screening procedures by using low-dose CT (LDCT). Additionally, compared to no screening cases, a study (NELSON) [74] has demonstrated that this specific screening method has a selectivity of 85% and a specificity of 99%. Moreover, according to a recent study [75], the overall false-positive rate was actually less than 81%, which needs to be confirmed by further imaging or testing due to this extremely high number.
A quick description of lung cancer staging is provided below to clarify the timing of the screening with respect to the development of lung cancer. Small-cell lung cancer (SCLC) and non-small-cell lung cancer (NSCLC) are the two main subtypes of lung cancer. SCLC is a central tumor that manifests as a perihilar mass in the airway submucosa. According to histological investigations, the neuroendocrine cells of the basal bronchial epithelium are the source of this particular type of cancer. Small, spindle-shaped, or rounded cells with little cytoplasm, granular chromatin, and necrosis are the most typical cell types found in this case [76]. The subtypes of SCLC include pure and mixed NSCLC, which can be distinguished from the possibility of brain, liver, and bone metastases [77] and is categorized as having limited or widespread stages [78]. Either the ipsilateral mediastinum, mediastinal, or supraclavicular lymph nodes and one radiation site detected can be used to identify the restricted SCLC stage. As long as it is present on the same side of the cancerous chest, it is regarded as belonging to the category of supraclavicular lymph nodes. On the other hand, widespread SCLC spreads to the second lung lobe, lymph nodes, and additional organs like the bone marrow and is not constrained to a single radiation point in the lung.
The likelihood of brain, liver, and bone metastases can be used to distinguish this type of cancer [79], and it is defined as having restricted or widespread stages [80]. The confined SCLC stage includes the ipsilateral mediastinum, mediastinal, or supraclavicular lymph nodes at one radiation site. It is considered to be part of the supraclavicular lymph nodes as long as it is present on the same side of the cancerous chest. On the other hand, widespread SCLC is not limited to a single radiation point in the lung; it can spread to the second lung lobe, lymph nodes, and extra organs such as the bone marrow. In terms of sensitivity, chest radiography is less sensitive compared to a chest CT scan, but it produces more detailed imaging. Given these traits, creating a computer-aided diagnosis (CAD) model for chest radiographs would be beneficial since it would increase the detection sensitivity while preserving the low false-positive (FP) findings [81].
The cytological study of sputum, particularly several samples, is another method of diagnosing lung cancer, and it usually aids in the discovery of a core tumor in the bigger bronchi. In general, small adenocarcinomas with a diameter less than 2 cm that originated from airway ramifications, such as small bronchi, bronchioles, and alveoli, were not seen in sputum samples [82]. This information has gained more significance recently as adenocarcinomas and squamous cell carcinomas have increased and decreased, respectively, in response to changes in cigarette exposure. According to a few screening studies, the sensitivity of sputum cytology for early lung cancer is only in the range of 20–30%. Early research indicated that several parameters, including the number and kind of cells (deeper airways), can affect the ability to detect pre-malignant situations [83]. Sputum cytology has also been found to be insufficiently sensitive or accurate for routine workup of any patient that is suspected of having lung cancer, according to [84]. The most popular diagnostic method for analyzing a certain histological lung cancer diagnosis is white light bronchoscopy (WLB). For pre-malignant lesions, bronchoscopy has substantial diagnostic capability. In general hospitals, a method based on tissue biopsy is the gold standard for confirming the presence of malignancy. To use histopathological techniques to determine the subtype of lung cancer, lung tissue biopsy samples must be large enough. Early diagnosis must be confirmed by the initial biopsy in order to prevent repeated procedures, which run the risk of complications and delay the start of treatment. In order to diagnose lung cancer, a variety of techniques are frequently used, such as fiber optic bronchoscopy with or without transbronchial needle aspiration, endobronchial ultrasound, image-guided trans-thoracic needle aspiration, mediastinoscopy, pleural fluid analysis (thoracentesis), thoracoscopy, and surgical methods. These techniques are known to be costly and prone to errors, and many samples may be required [85].
The capacity to diagnose peripherally tiny tumors has been improved with the introduction of spiral CT images. These images, however, have a much poorer sensitivity for tumor detection that is more centrally situated (mainly squamous cell carcinoma) than for tumors that are more peripherally located [86]. Notably, 96% of all positive screens in the LDCT of the National Lung Screening Trial were found to be false positives, as measured by over 40% of all individuals [64] with at least one positive screen. Furthermore, for smokers who are cancer-free, the high-frequency screening of false-positive results in expensive and invasive procedures. In order to diagnose lung cancer, it is highly important to screen for the disease with less expensive equipment and non-invasive methods.
Recent advances in radiology have been made possible by the use of convolutional neural networks (CNN), a branch of deep learning (DL) techniques [87,88]. The detection of nodules and masses on chest radiographs has also shown promising results when DL-based models are used, which have reported sensitivities in the range of 0.51–0.84 and mean numbers of FP indications per image (mFPI) of 0.02–0.34. Additionally, these CAD models managed to improve radiologists’ ability to detect nodules compared to screening procedures without them. It might be difficult for radiologists to locate the nodules and distinguish between benign and malignant nodules [89,90]. Radiologists must also pay close attention to the shape and marginal characteristics of nodules since normal anatomical structures do resemble healthy nodules. Even competent radiologists can make a mistake in performing the diagnosis because these issues are condition-based rather than radiologist-related [91,92]. Segmentation and detection are the two primary DL approaches for lesion identification. In contrast to the segmentation method, which classifies pixels, the detection method classifies a region as a single label. Compared to the detection approach, the segmentation method can offer more precise information that goes down to each individual pixel’s label. In clinical practice, pixel-level classification of a lesion’s size can improve the likelihood of a successful diagnosis. Since the shape can be used as a guide during the detection process, pixel-level categorization will make it simpler to monitor changes in the lesion size and shape. It also provides information on the area of the lesion in addition to the long and short diameters when evaluating the treatment’s effectiveness [93]. Figure 3 shows the techniques for lung cancer detection.

Research Gaps and Challenges

  • Early diagnosis of lung cancer is crucial to improving survival rates, but it remains challenging due to factors like low contrast variation, heterogeneity, and the visual resemblance between benign and malignant nodules in CT images [94].
  • Accurately detecting lung nodules in medical imaging is difficult due to the intricate lung anatomy and the need for labeled samples, which can be time-consuming to acquire [95].
  • Deep learning algorithms have shown promise in automatically identifying features in lung nodule CT images, but their performance is often compared to traditional computer-aided diagnosis (CADx) systems that rely on hand-crafted features [96].
  • There is limited research on utilizing Convolutional Neural Networks (CNNs) to analyze EBUS images, and distinguishing between benign and potentially cancerous tumors based solely on EBUS images is challenging [97].
  • Some studies have focused on predicting mortality risks based on CT scans of NSCLC patients but failed to identify early-stage lung or lobe-related malignant lesions [98].
  • Understanding how CNNs predict the malignancy of a specific nodule and the importance of the region within a nodule or contextual information in the CNN’s output remains unclear [99].
  • Computer-assisted lung disease diagnosis is essential due to noise signals that degrade the quality of cancer images during the picture capture process [100].
  • The diverse appearance of different lung nodules and the scarcity of positive samples in available datasets pose challenges for training Deep Convolutional Neural Networks (DCNNs) [101].

6. Segmentation Process

Image segmentation is a technique used to identify the outlines of an organ’s or anatomical structure’s outlines. The applied deep learning techniques have shown significant improvement in the semantic segmentation task, which makes them a powerful tool for medical diagnosis. This technique entails identifying the organs or lesions in medical imaging, such as CT or MRI, which provide important details on the sizes and shapes of these organs [102,103]. In the literature, a number of automatic segmentation systems have been proposed by various researchers. However, conventional methods like edge detection and mathematical-based filters were frequently used as the pre-processing step. Furthermore, methods using deep machine learning to extract complex features have been the way to go. The design and extraction of the hand-crafted features were the key concerns for creating such a system, and the deployment was severely constrained by the complexity of these procedures. Deep learning capabilities for image processing, especially for image segmentation, have been heavily used by medical researchers and include various modalities of 2D CNN, 2.5D CNN, and 3D CNN [104,105].
The obvious difference in image attenuation between the lung and non-lung regions in a normal lung makes it simple to distinguish between them on a CT scan. To separate the lungs from the non-lung region, early works in lung segmentation used straightforward methods such as numerical approaches, gray-level thresholding, and shape-based approaches.
For natural image processing and medical image analysis, various CNN-based methods have been proposed. Lung nodule segmentation was the focus of early work in this field [103]. Based on the training dataset created using a clustering algorithm-based method, the work in [106] suggested a simple CNN model for lung segmentation. The mean and minimum intensities of the image patch are used as input to the k-means clustering algorithm to divide the CT slices into two groups. A combination of cross-shaped verification, volume intersection, connected component analysis, and patch expansion techniques was used to create the final dataset. A simple one-convolutional layer with six kernels, one maximum pooling layer, and two fully linked layers made up the proposed CNN architecture. Utilizing the generated datasets for training purposes, an eightfold cross-validation approach was used to assess the performance of the CNN models. Through an image decomposition-based filtering method introduced in [107], the researchers have created automatic lung segmentation algorithms that denoise the lung CT images without changing the outlines of the lungs. Wavelet transformation and several morphological techniques were then used to segment the lungs. Finally, the retrieved lung outlines were corrected and smoothed as part of the segmentation refining process using a contour correction approach.
For lung CT segmentation, Khanna et al. [108] developed a Residual U-Net with a false-positive reduction approach. The proposed model consists of a more complex network with residual units, making it easier to extract the distinguishing properties needed for lung segmentation. On the other hand, the work in [109] examined two deep learning models, U-Net and E-Net, to analyze the performance differences between them. The results show that the parenchyma of patients with pulmonary fibrosis can be efficiently and quickly segmented by these models.
In [11], the authors suggested a lung segmentation method based on a U-net architecture that has an expanding path for recovering high-level information and a contracting path for extracting low-level information. The experimental results show that the dice coefficient performance is 0.9502. Another automatic lung segmentation technique in [110] was created using a mask R-CNN methodology that was integrated with both supervised and unsupervised machine learning techniques. This approach provided a quicker and more accurate response compared to the benchmarked methods, with an average runtime of 11.2 s and a segmentation accuracy of 97.68%.
In [111], Setio et al. suggested a multi-view convolutional network employing the training data’s discriminative properties to identify lung nodules. The three-nodule candidate detectors were made to target solid, subsolid, and big nodules. The suggested solution is based on the integration of numerous streams of 2-D ConvNets with a trustworthy classification mechanism. The results tested on the LIDC-IDRI dataset indicate that on average there are four false positive cases per scan, while detection sensitivity is 85.4%. Rather than using the 2D approach, the work in [112] used volumes of interest taken from the LIDC dataset to train a 3D CNN for the autonomous detection of lung nodules. Additionally, a 3D fully convolutional network (FCN) was created using a 3D CNN in order to quickly create the score map for the entire volume in a single run. The discriminating CNN proved effective for quickly producing candidate regions of interest using the proposed FCN-based architecture.
Another automated lung nodule segmentation system was proposed in [15] based on a synergistic mix of deep learning and shape-driven level sets. With the help of the coarse segmentation maps obtained by the deep fully convolutional networks, their method, as depicted in Figure 3, offers coarse-to-fine solution maps. Initially, the level sets’ shape-driven evolution was used to create fine segmentation. Furthermore, the level sets were used to automatically initialize the model using the seed points derived from the deep network’s coarse segmentation.

7. Classification Process

In general, deep learning techniques have shown greater promise for disease classification compared to conventional methods. In [57], the authors attempted to improve the quality of lung images and lung cancer diagnosis by reducing the rate of misclassification cases. The CT images were collected from the Cancer Imaging Archive (CIA) dataset, whereby the noises were removed using the weighted mean histogram equalization method. This pre-processing step managed to successfully reduce noise in the images. Furthermore, a new segmentation algorithm was proposed based on an improved profuse clustering technique (IPCT), where the spectral features from the afflicted region were extracted from the segmented images. These characteristics were then used to feed the input into a deep-learning algorithm to detect lung cancer. Figure 5 summarizes the lung cancer classification method used in the study.
Computer-aided diagnostic (CAD) systems have been assisting radiologists in making appropriate conclusions. The accuracy of CAD systems in various medical imaging disciplines is growing dramatically as intelligent deep-learning tools and methodologies have also improved significantly. Among the existing imaging modalities for lung cancer diagnosis, such as Chest X-ray, Computed Tomography (CT) Scan, Positron Emission Tomography (PET) Scan, MRI, and CE-CT (Contrast-Enhanced Computed Tomography), CT images are known to be suitable to capture sufficient information for the stage classification of non-small cell lung cancer. According to the review study on lung nodule classification, a combination of CT images with deep learning algorithms has been successfully applied in many papers to detect malignant tumors [61].
The majority of previous research on lung cancer detection only focused on classifying the nodules as benign or malignant. In [113], Liu et al. suggested a Multi-view Convolutional Neural Network (MV-CNN) for binary and ternary classifications of lung cancer. For both binary and ternary classifications, the performance of the multi-view strategy outperformed the single-view approach. Da Silva and da Silva [114] then proposed another lung nodule classifier that used a combination of deep learning and genetic algorithms to determine whether a nodule is malignant or benign. The sensitivity, specificity, accuracy, and area under the ROC of the suggested technique, tested on the LIDC-IDRI database, were 94.66%, 95.14%, 94.78%, and 0.949, respectively.
For a 3D counterpart of the previous work, Dey et al. [115] developed a binary classifier for translating 3D pictures to class labels using a four-pathway CNN. A basic 3D CNN, a novel multi-output network, a 3D DenseNet, and an upgraded 3D DenseNet with multi-outputs were incorporated into the proposed CNN. The performance of these four networks was validated using the public LIDC-IDRI dataset and found to outperform the majority of existing approaches.
In [116], the authors described a CNN-based lung cancer classifier that uses two neural networks for the extraction and classification of the cancer features, utilizing FDGPET and CT images. Convolution operators were used to producing low-level features, whereas ReLU and max-pooling down-sampled feature maps were tasked with extracting higher-level features. This work aims to differentiate between the T1–T2 and T3–T4 classes that yield accuracy, recall, specificity, and AUC values of 90%, 47%, 67%, and 0.68, respectively.
The following issues have been identified in the literature based on the developed lung cancer classification algorithms: (a) Binary lung classification algorithms usually do not meet the standard diagnosis of the radiologist and oncologist; (b) An ROI patch-based method takes diagnosis time and requires manual expert involvement; and (c) Standard image processing algorithms failed to segment the lung nodules accurately. Table 3 shows the comparison results.

8. Limitations

There are various problems connected with pre-processing in the field of lung cancer identification and diagnosis utilizing deep learning techniques on CT scans, especially when working with heterogeneous datasets. These constraints can have an impact on the classification and segmentation tasks’ accuracy and reliability. Some of the major restrictions are as follows: Due to variances in imaging techniques and equipment, CT scans of lung cancer might vary greatly regarding resolution, slice thickness, contrast, and noise levels. This heterogeneity presents a difficulty for pre-processing procedures, which must successfully handle these disparities to produce consistent outcomes. Failure to address data variability can lead to inferior deep-learning model performance and generalizability. CT pictures can contain artifacts such as motion artifacts, beam hardening, and metal artifacts, which can compromise image quality. These artifacts can generate inconsistencies and distortions in the data, making accurate feature and information extraction challenging for pre-processing procedures. To minimize the impact of artifacts on future classification and segmentation procedures, robust artifact identification and repair algorithms are required. For training, deep learning models for lung cancer detection and diagnosis often require a considerable amount of labeled data. Obtaining appropriate annotations for CT scans, on the other hand, can be difficult and time-consuming, especially for intricate segmentation tasks. The scarcity of labeled data might constrain deep learning model training and evaluation, reducing performance and generalizability. Furthermore, using varied annotation techniques and criteria across datasets can generate differences and biases in the training process. Deep learning models, particularly those based on convolutional neural networks (CNNs), can be computationally expensive, necessitating large amounts of computing power for training and inference. Image resizing, normalization, and augmentation, for example, must strike a balance between maintaining useful information and decreasing computational demands. Inadequate pre-processing procedures may result in either information loss or high computing requirements, affecting the deep learning pipeline’s efficiency and scalability. Most deep-learning studies in lung cancer detection and diagnosis have concentrated on certain populations or datasets that may not effectively represent the diversity of patients and imaging practices. To ensure that deep learning models generalize successfully to varied populations and imaging circumstances, pre-processing techniques must address potential biases and constraints associated with individual datasets. To overcome these pre-processing restrictions, careful evaluation of dataset features, robust algorithmic approaches, and cooperation across various universities are required.

9. Discussion

Imaging technologies such as computed tomography (CT), magnetic resonance imaging (MRI), and positron emission tomography (PET) scans are used to diagnose lung cancer. Once a doctor concludes that there is reason to suspect cancer, he or she may perform additional tests such as a biopsy, ultrasound, mediastinoscopy, thoracoscopy, or wedge resection. Lung cancer is a complex disease with numerous origins, tumor kinds, and symptoms, making a precise diagnosis crucial for the best possible prognosis. A medical Center with experience diagnosing and treating lung cancer is more likely to correctly identify the source of symptoms. When cancer is detected, it is staged, which informs the patient and doctors about the size of the tumor and where it has spread beyond the initial site. The use of imaging technologies, such as CT scans, which employ X-rays to make cross-sectional images of the chest, is the initial step in diagnosing lung cancer. MRI scans provide detailed images of soft tissue using radio waves and strong magnets. Similar to CT scans, MRI scans can generate detailed images of the tissue in the chest cavity. They are mostly used to determine whether lung cancer has progressed beyond its initial site. PET scans employ injected fluorodeoxyglucose (FDG) to reveal cancer cells. They can also be used to determine whether cancer has spread beyond the initial spot. PET/CT scans integrate both technologies to provide the clinician with a more detailed image.
In Part 4, it is discussed how lung cancer detection methods are evolving. The techniques include spiral CT scans, deep learning, convolutional neural networks, sputum cytology, white light bronchoscopy, chest radiographs, computer-aided diagnosis, and CT imaging. One of the top imaging methods for detecting lung cancer is CT imaging. It can find lung cancer nodules that are both suspected and undiscovered. However, it might be challenging to effectively identify malignant cells due to the variation in intensity in CT scan pictures and anatomical structure misjudgments by physicians and radiologists. CAD systems are created to aid radiologists and medical professionals in precisely identifying cancer. These systems analyze CT scans to assist in the diagnosis of lung cancer using image processing methods and machine learning algorithms. To obtain higher detection accuracy, additional enhancements are required, as some CAD systems may not be accurate enough. X-rays of the chest are less expensive and more widely available than CT scans. Compared to CT scans, they are less sensitive but have lower radiation doses. The high false-positive rate of chest CT, which necessitates extra follow-up and invasive tests, is a drawback. Sputum samples are examined for the presence of malignant cells by sputum cytology. The ability to detect core tumors coming from bigger bronchi is particularly advantageous. Sputum cytology is inadequately sensitive or accurate for routine use in the diagnosis of lung cancer and has limits in the detection of tiny adenocarcinomas. To make a conclusive histological diagnosis of lung cancer, WLB is a frequently employed diagnostic method. Nevertheless, it has limitations in identifying pre-malignant lesions, and a precise diagnosis may call for additional tests or biopsies. Although they have poorer sensitivity for tumors that are centrally situated, spiral CT scans have demonstrated improved diagnostic capability for peripherally tiny tumors. Spiral CT scans have a significant false-positive rate, which can result in invasive and expensive procedures being performed on people who do not have lung cancer. CNNs have demonstrated promise in radiology and lung cancer diagnosis. They can enhance radiologists’ performance and help spot nodules and masses on chest radiographs. However, special consideration should be given to achieving proper identification and discrimination between benign and malignant nodules because the sensitivity and false-positive rate of these models can vary. Each of the aforementioned techniques or methods has its own drawbacks, including the potential for false positives, lesser sensitivity for specific tumor types, challenges with precisely identifying malignant cells, and the requirement for additional advancements to increase accuracy. To get beyond these obstacles and enhance the early identification and treatment of lung cancer, advancements and research in these fields must continue.

10. Conclusions

The review paper examines the body of knowledge on lung cancer diagnosis and presents several recommendations for further study in the area. The authors stress the requirement for additional lung image data from multiple imaging modalities, such as MRI and ultrasound, in addition to the significance of disclosing private datasets to enable comparison and research collaboration. The segmentation of big solid nodules is one area that has been specifically mentioned. This difficult task needs more investigation. The scientists also suggest creating a lung cancer detection model that can distinguish between early benign nodules and small malignant lesions, which would dramatically improve early identification and treatment. To increase the effectiveness of automated tumor identification, it is also recommended that deep features acquired from lung scan images be combined with additional patient data, including medical history and genetic reports. This all-encompassing method might offer a more precise diagnosis of the illness. The authors suggest using various pre-processing techniques and filters to improve image quality, such as edge-preserving methods and harmony search to improve grayscale image quality. These techniques can aid in improved picture analysis and more trustworthy diagnostic outcomes. A successful proposal for remote lung cancer detection serves as motivation for the authors’ further suggestion to investigate the use of cloud computing technology for machine learning-based remote diagnosis of lung cancer. Large volumes of medical data can be processed and analyzed effectively by using cloud computing. The scientists suggest using a cat swarm-optimized deep belief network to extract features from lung medical images since it may perform better in feature extraction and classification tasks.

11. Future Research Direction

Future research should focus on creating standardized pre-processing methods that can deal with CT picture variability and enhance the precision and dependability of lung cancer detection and diagnosis using deep learning methods. The review report emphasizes the need for improvements in lung cancer diagnosis in its conclusion. Future research directions are suggested in many different areas, including data accessibility, segmentation, early detection, integration of patient data, picture quality enhancement, cloud computing, feature extraction, and standardization. Researchers can increase the precision, effectiveness, and dependability of lung cancer diagnosis by focusing on these issues, which will ultimately help patients all around the world.

Funding

This research was funded by Universiti Kebangsaan Malaysia under Dana Padanan Kolaborasi with grant number DPK-2023-005 and ISIF-Asia Grant with grant number KK-2022-018 (M-202205-01161).

Institutional Review Board Statement

Ethical review and approval were waived for this study due to the nature of the study.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Siegel, R.L.; Miller, K.D.; Jemal, A. Cancer statistics, 2020. CA Cancer J. Clin. 2020, 70, 7–30. [Google Scholar] [CrossRef]
  2. Sung, H.; Ferlay, J.; Siegel, R.L.; Laversanne, M.; Soerjomataram, I.; Jemal, A.; Bray, F. Global cancer statistics 2020: GLOBOCAN estimates of incidence and mortality worldwide for 36 cancers in 185 Countries. CA Cancer J. Clin. 2021, 71, 209–249. [Google Scholar] [CrossRef]
  3. Shah, R.; Sabanathan, S.; Richardson, J.; Mearns, A.; Goulden, C. Results of surgical treatment of stage i and ii lung cancer. J. Cardiovasc. Surg. 1996, 37, 169–172. [Google Scholar]
  4. Nesbitt, J.C.; Putnam, J.B., Jr.; Walsh, G.L.; Roth, J.A.; Mountain, C.F. Survival in early-stage non-small cell lung cancer. Ann. Thorac. Surg. 1995, 60, 466–472. [Google Scholar] [CrossRef] [PubMed]
  5. Kuan, K.; Ravaut, M.; Manek, G.; Chen, H.; Lin, J.; Nazir, B.; Chen, C.; Howe, T.C.; Zeng, Z. Deep learning for lung cancer detection: Tackling the kaggle data science bowl 2017 challenge. arXiv 2017, arXiv:1705.09435. [Google Scholar]
  6. Ciompi, F.; Chung, K.; Gerke, P.K.; Jacobs, C.; Scholten, E.T.; SchaeferProkop, C.; Wille, M.M.W.; Marchianò, A.; Pastorino, U.; van Ginneken, B. Towards automatic pul-monary nodule management in lung cancer screening with deep learning. Sci. Rep. 2017, 7, 46479. [Google Scholar]
  7. Sun, W.; Tseng, T.-L.B.; Qian, W.; Zhang, J.; Saltzstein, E.C.; Zheng, B.; Lure, F.; Yu, H.; Zhou, S. Using multiscale texture and density features for near-term breast cancer risk analysis. Med. Phys. 2015, 42 Pt 1, 2853–2862. [Google Scholar]
  8. Hossain, M.S.; Muhammad, G. Cloud-Based Collaborative Media Service Framework for HealthCare. Int. J. Distrib. Sens. Netw. 2014, 10, 858712. [Google Scholar]
  9. Amin, S.U.; Alsulaiman, M.; Muhammad, G.; Mekhtiche, M.A.; Hossain, M.S. Deep Learning for EEG motor imagery classification based on multi-layer CNNs feature fusion. Future Gener. Comput. Syst. 2019, 101, 542–554. [Google Scholar]
  10. Jiang, H.; Ma, H.; Qian, W.; Gao, M.; Li, Y. An Automatic Detection System of Lung Nodule Based on Multi-Group Patch-Based Deep Learning Network. IEEE J. Biomed. Health Inform. 2018, 22, 1227–1237. [Google Scholar]
  11. Skourt, B.A.; El Hassani, A. Lung CT image segmentation using deep neural networks. Procedia Comput. Sci. 2018, 127, 109–113. [Google Scholar] [CrossRef]
  12. Krishnaiah, V.; Narsimha, G.; Chandra, N.S. Diagnosis of lung cancer prediction system using data mining classification techniques. Int. J. Comput. Sci. Inf. Technol. 2013, 4, 39–45. [Google Scholar]
  13. Begum, S.; Sarkar, R.; Chakraborty, D.; Maulik, U. Identification of biomarker on biological and gene expression data using fuzzy preference based rough set. J. Intell. Syst. 2021, 30, 130–141. [Google Scholar]
  14. Razzak, M.I.; Naz, S.; Zaib, A. Deep learning for medical image processing: Overview, challenges and the future. Lect. Notes Comput. Vis. Biomech. 2018, 26, 323–350. [Google Scholar]
  15. Roy, R.; Chakraborti, T.; Chowdhury, A.S. A deep learning shape driven level set synergism for pulmonary nodule segmentation. Pattern Recognit. Lett. 2019, 123, 31–38. [Google Scholar]
  16. Brown, M.S.; Mcnitt-Gray, M.F.; Mankovich, N.J.; Goldin, J.G.; Hiller, J.; Wilson, L.S.; Aberie, D. Method for segmenting chest CT image data using an anatomical model: Preliminary results. IEEE Trans. Med. Imaging 1997, 16, 828–839. [Google Scholar]
  17. Brown, M.S.; Goldin, J.G.; McNitt-Gray, M.F.; Greaser, L.E.; Sapra, A.; Li, K.-T.; Sayre, J.W.; Martin, K.; Aberle, D.R. Knowledge-based segmentation of thoracic computed tomography images for assessment of split lung function. Med. Phys. 2000, 27, 592–598. [Google Scholar]
  18. Hu, S.; Hoffman, E.A.; Reinhardt, J.M. Automatic lung segmentation for accurate quantitation of volumetric x-ray ct images. IEEE Trans. Med. Imaging 2001, 20, 490–498. [Google Scholar] [CrossRef]
  19. Leader, J.K.; Zheng, B.; Rogers, R.M.; Sciurba, F.C.; Perez, A.; Chapman, B.E.; Patel, S.; Fuhrman, C.R.; Gur, D. Automated lung segmentation in x-ray computed tomography: Development and evaluation of a heuristic threshold-based scheme 1. Acad. Radiol. 2003, 10, 1224–1236. [Google Scholar]
  20. Sun, X.; Zhang, H.; Duan, H. 3d computerized segmentation of lung volume with computed tomography. Acad. Radiol. 2006, 13, 670–677. [Google Scholar] [CrossRef]
  21. Swierczynski, P.; Papie, B.W.; Schnabel, J.A.; Macdonald, C. A level-set approach to joint image segmentation and registration with application to CT lung imaging. Comput. Med. Imaging Graph. 2018, 65, 58–68. [Google Scholar]
  22. Farag, A.A.; Munim, H.E.A.E.; Graham, J.H.; Farag, A.A. A novel approach for lung nodules segmentation in chest ct using level sets. IEEE Trans. Image Process. 2013, 22, 5202–5213. [Google Scholar] [CrossRef] [PubMed]
  23. Shen, S.; Bui, A.A.; Cong, J.; Hsu, W. An automated lung segmentation approach using bidirectional chain codes to improve nodule detection accuracy. Comput. Biol. Med. 2015, 57, 139–149. [Google Scholar]
  24. Zhang, W.; Wang, X.; Zhang, P.; Chen, J. Global optimal hybrid geometric active contour for automated lung segmentation on CT images. Comput. Biol. Med. 2017, 91, 168–180. [Google Scholar]
  25. Filho, P.P.R.; Cortez, P.C.; da Silva Barros, A.C.; Albuquerque, V.H.C.; Tavares, J.M.R.S. Novel and powerful 3D adaptive crisp active contour method applied in the segmentation of CT lung images. Med. Image Anal. 2017, 35, 503–516. [Google Scholar] [CrossRef] [Green Version]
  26. Zhang, C.; Sun, X.; Guo, X.; Zhang, X.; Yang, X.; Wu, Y.; Zhong, W. Toward an Expert Level of Lung Cancer Detection and Classification Using a Deep Convolutional Neural Network. Oncologist 2019, 24, 1159–1165. [Google Scholar] [PubMed] [Green Version]
  27. Nasser, I.M.; Naser, A. Lung cancer detection using artificial neural network. Int. J. Eng. Inf. Syst. 2019, 3, 17–23. [Google Scholar]
  28. Cifci, M.A. SegChaNet: A Novel Model for Lung Cancer Segmentation in CT Scans. Appl. Bionics Biomech. 2022, 2022, 1139587. [Google Scholar] [CrossRef]
  29. Jakimovski, G.; Davcev, D. Using Double Convolution Neural Network for Lung Cancer Stage Detection. Appl. Sci. 2019, 9, 427. [Google Scholar] [CrossRef] [Green Version]
  30. Wang, J.; Wang, J.; Wen, Y.; Lu, H.; Niu, T.; Pan, J.; Qian, D. Pulmonary Nodule Detection in Volumetric Chest CT Scans Using CNNs-Based Nodule-Size-Adaptive Detection and Classification. IEEE Access 2019, 7, 46033–46044. [Google Scholar]
  31. Wang, C.; Chen, D.; Hao, L.; Liu, X.; Zeng, Y.; Chen, J.; Zhang, G. Pulmonary Image Classification Based on Inception-v3 Transfer Learning Model. IEEE Access 2019, 7, 146533–146541. [Google Scholar] [CrossRef]
  32. Liu, Y.; Hao, P.; Zhang, P.; Xu, X.; Wu, J.; Chen, W. Dense Convolutional Binary-Tree Networks for Lung Nodule Classification. IEEE Access 2018, 6, 49080–49088. [Google Scholar] [CrossRef]
  33. Li, L.; Liu, Z.; Huang, H.; Lin, M.; Luo, D. Evaluating the performance of a deep learning-based computer-aided diagnosis (DL-CAD) system for detecting and characterizing lung nodules: Comparison with the performance of double reading by radiologists. Thorac. Cancer 2018, 10, 183–192. [Google Scholar] [PubMed]
  34. Jin, H.; Li, Z.; Tong, R.; Lin, L. A deep 3D residual CNN for false-positive reduction in pulmonary nodule detection. Med. Phys. 2018, 45, 2097–2107. [Google Scholar]
  35. Teramoto, A.; Tsukamoto, T.; Kiriyama, Y. Automated classification of lung cancer types from cytological images using deep convolutional neural networks. BioMed Res. Int. 2017, 2017, 4067832. [Google Scholar] [CrossRef] [Green Version]
  36. Dou, Q.; Chen, H.; Yu, L.; Qin, J.; Heng, P. Multilevel Contextual 3-D CNNs for False Positive Reduction in Pulmonary Nodule Detection. IEEE Trans. Biomed. Eng. 2016, 64, 1558–1567. [Google Scholar]
  37. Wang, S.; Shi, J.; Ye, Z.; Dong, D.; Yu, D.; Zhou, M.; Liu, Y.; Gevaert, O.; Wang, K.; Zhu, Y.; et al. Predicting EGFR mutation status in lung adenocarcinoma on computed tomography image using deep learning. Eur. Respir. J. 2019, 53, 1800986. [Google Scholar]
  38. Wang, C.; Shao, J.; Lv, J.; Cao, Y.; Zhu, C.; Li, J.; Shen, W.; Shi, L.; Liu, D.; Li, W. Deep learning for predicting subtype classification and survival of lung adenocarcinoma on computed tomography. Transl. Oncol. 2021, 14, 101141. [Google Scholar] [CrossRef]
  39. Wu, J.; Qian, T. A survey of pulmonary nodule detection, segmentation and classification in computed tomography with deep learning techniques. J. Med. Artif. Intell. 2019, 2, 1–12. [Google Scholar]
  40. Ardila, D.; Kiraly, A.P.; Bharadwaj, S.; Choi, B.; Reicher, J.J.; Peng, L.; Tse, D.; Etemadi, M.; Ye, W.; Corrado, G.; et al. End-to-end lung cancer screening with three-dimensional deep learning on low-dose chest computed tomography. Nat. Med. 2019, 25, 954–961. [Google Scholar]
  41. Shao, J.; Wang, G.; Yi, L.; Wang, C.; Lan, T.; Xu, X.; Guo, J.; Deng, T.; Liu, D.; Chen, B.; et al. Deep learning empowers lung cancer screening based on mobile low-dose computed tomography in resource-constrained sites. Front. Biosci. Landmark 2022, 27, 212. [Google Scholar]
  42. Wang, C.; Xu, X.; Shao, J.; Zhou, K.; Zhao, K.; He, Y.; Li, J.; Guo, J.; Yi, Z.; Li, W. Deep learning to predict EGFR mutation and PD-L1 expression status in non-small-cell lung cancer on computed tomography images. J. Oncol. 2021, 2021, 5499385. [Google Scholar] [PubMed]
  43. Li, R.; Xiao, C.; Huang, Y.; Hassan, H.; Huang, B. Deep learning applications in computed tomography images for pulmonary nodule detection and diagnosis: A review. Diagnostics 2022, 12, 298. [Google Scholar]
  44. Lakshmanaprabu, S.K.; Mohanty, S.N.; Shankar, K.; Arunkumar, N.; Ramirez, G. Optimal deep learning model for classification of lung cancer on CT images. Future Gener. Comput. Syst. 2019, 92, 374–382. [Google Scholar]
  45. Lee, S.M.; Seo, J.B.; Yun, J.; Cho, Y.H.; Vogel-Claussen, J.; Schiebler, M.L.; Gefter, W.B.; van Beek, E.J.; Goo, J.M.; Lee, K.S.; et al. Deep learning applications in chest radiography and computed tomography. J. Thorac. Imaging 2019, 34, 75–85. [Google Scholar]
  46. Bhatia, S.; Sinha, Y.; Goel, L. Lung cancer detection: A deep learning approach. In Soft Computing for Problem Solving: SocProS 2017; Springer: Singapore, 2019; Volume 2, pp. 699–705. [Google Scholar]
  47. Tian, P.; He, B.; Mu, W.; Liu, K.; Liu, L.; Zeng, H.; Liu, Y.; Jiang, L.; Zhou, P.; Huang, Z.; et al. Assessing PD-L1 expression in non-small cell lung cancer and predicting responses to immune checkpoint inhibitors using deep learning on computed tomography images. Theranostics 2021, 11, 2098. [Google Scholar]
  48. Hu, D.; Zhang, H.; Li, S.; Wang, Y.; Wu, N.; Lu, X. Automatic extraction of lung cancer staging information from computed tomography reports: Deep learning approach. JMIR Med. Inform. 2021, 9, e27955. [Google Scholar]
  49. Kozuka, T.; Matsukubo, Y.; Kadoba, T.; Oda, T.; Suzuki, A.; Hyodo, T.; Im, S.; Kaida, H.; Yagyu, Y.; Tsurusaki, M.; et al. Efficiency of a computer-aided diagnosis (CAD) system with deep learning in detection of pulmonary nodules on 1-mm-thick images of computed tomography. Jpn. J. Radiol. 2020, 38, 1052–1061. [Google Scholar]
  50. Ashraf, S.F.; Yin, K.; Meng, C.X.; Wang, Q.; Wang, Q.; Pu, J.; Dhupar, R. Predicting benign, preinvasive, and invasive lung nodules on computed tomography scans using machine learning. J. Thorac. Cardiovasc. Surg. 2022, 163, 1496–1505. [Google Scholar]
  51. Subramanian, R.R.; Mourya, R.N.; Reddy, V.P.T.; Reddy, B.N.; Amara, S. Lung Cancer Prediction Using Deep Learning Framework. Int. J. Control. Autom. 2020, 13, 154–160. [Google Scholar]
  52. Vani, R.; Vaishnnave, M.P.; Premkumar, S.; Sarveshwaran, V.; Rangaraaj, V. Lung cancer disease prediction with CT scan and histopathological images feature analysis using deep learning techniques. Results Eng. 2023, 18, 101111. [Google Scholar]
  53. Shalini, W.; Vigneshwari, S. A novel hybrid deep learning method for early detection of lung cancer using neural networks. Healthc. Anal. 2023, 3, 100195. [Google Scholar]
  54. Abunajm, S.; Elsayed, N.; ElSayed, Z.; Ozer, M. Deep Learning Approach for Early-Stage Lung Cancer Detection. arXiv 2023, arXiv:2302.02456. [Google Scholar]
  55. Avanzo, M.; Stancanello, J.; Pirrone, G.; Sartor, G. Radiomics and deep learning in lung cancer. Strahlenther. Onkol. 2020, 196, 879–887. [Google Scholar] [CrossRef] [PubMed]
  56. Chao, H.; Shan, H.; Homayounieh, F.; Singh, R.; Khera, R.D.; Guo, H.; Su, T.; Wang, G.; Kalra, M.K.; Yan, P. Deep learning predicts cardiovascular disease risks from lung cancer screening low dose computed tomography. Nat. Commun. 2021, 12, 2963. [Google Scholar] [CrossRef] [PubMed]
  57. Shakeel, P.M.; Burhanuddin, M.A.; Desa, M.I. Lung cancer detection from CT image using improved profuse clustering and deep learning instantaneously trained neural networks. Measurement 2019, 145, 702–712. [Google Scholar] [CrossRef]
  58. Zhang, Q.; Wang, H.; Yoon, S.W.; Won, D.; Srihari, K. Lung nodule diagnosis on 3D computed tomography images using deep convolutional neural networks. Procedia Manuf. 2019, 39, 363–370. [Google Scholar] [CrossRef]
  59. Zhao, L.; Qian, J.; Tian, F.; Liu, R.; Liu, B.; Zhang, S.; Lu, M. A weighted discriminative extreme learning machine design for lung cancer detection by an electronic nose system. IEEE Trans. Instrum. Meas. 2021, 70, 2509709. [Google Scholar]
  60. Chen, L.; Liu, K.; Shen, H.; Ye, H.; Liu, H.; Yu, L.; Li, J.; Zhao, K.; Zhu, W. Multimodality Attention-Guided 3-D Detection of Nonsmall Cell Lung Cancer in 18 F-FDG PET/CT Images. IEEE Trans. Radiat. Plasma Med. Sci. 2021, 6, 421–432. [Google Scholar] [CrossRef]
  61. Naik, A.; Edla, D.R. Lung nodule classification on computed tomography images using deep learning. Wirel. Pers. Commun. 2021, 116, 655–690. [Google Scholar] [CrossRef]
  62. Atsushi, T.; Fujita, H. Fast lung nodule detection in chest CT images using cylindrical nodule-enhancement filter. Int. J. Comput. Assist. Radiol. Surg. 2013, 8, 193–205. [Google Scholar]
  63. Armato, S.G.; McLennan, G.; Bidaut, L.; McNitt-Gray, M.F.; Meyer, C.R.; Reeves, A.P.; Zhao, B.; Aberle, D.R.; Henschke, C.I.; Hoffman, E.A.; et al. The Lung Image Database Consortium (LIDC) and Image Database Resource Initiative (IDRI): A completed reference database of lung nodules on CT scans. Med. Phys. 2011, 38, 915–931. [Google Scholar]
  64. The National Lung Screening Trial Research Team. Reduced Lung-Cancer Mortality with Low-Dose Computed Tomographic Screening. N. Engl. J. Med. 2011, 365, 395–409. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  65. Deng, J.; Dong, W.; Socher, R.; Li, L.J.; Li, K.; Li, F.-F. ImageNet: A large-scale hierarchical image database. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Miami, FL, USA, 20–25 June 2009; pp. 248–255. [Google Scholar]
  66. Ye, Y.; Zhang, Y.; Yang, N.; Gao, Q.; Ding, X.; Kuang, X.; Bao, R.; Zhang, Z.; Sun, C.; Zhou, B.; et al. Profiling of immune features to predict immunotherapy efficacy. Innovation 2022, 3, 100194. [Google Scholar] [PubMed]
  67. Hao, T.; Kim, D.R.; Xie, X. Automated pulmonary nodule detection using 3D deep convolutional neural networks. In Proceedings of the 2018 IEEE 15th International Symposium on Biomedical Imaging (ISBI 2018), Washington, DC, USA, 4–7 April 2018; IEEE: New York, NJ, USA, 2018. [Google Scholar]
  68. Zaffino, P.; Marzullo, A.; Moccia, S.; Calimeri, F.; De Momi, E.; Bertucci, B.; Arcuri, P.P.; Spadea, M.F. An open-source COVID-19 ct dataset with automatic lung tissue classification for radiomics. Bioengineering 2021, 8, 26. [Google Scholar] [CrossRef]
  69. Prior, F.; Smith, K.; Sharma, A.; Kirby, J.; Tarbox, L.; Clark, K.; Bennett, W.; Nolan, T.; Freymann, J. The public cancer radiology imaging collections of The Cancer Imaging Archive. Sci. Data 2017, 4, 170124. [Google Scholar] [CrossRef] [Green Version]
  70. Zhang, G.; Yang, Z.; Jiang, S. Automatic lung tumor segmentation from CT images using improved 3D densely connected UNet. Med. Biol. Eng. Comput. 2022, 60, 3311–3323. [Google Scholar] [CrossRef] [PubMed]
  71. Gindi, A.M.; Al Attiatalla, T.A.; Sami, M.M. A Comparative Study for Comparing Two Feature Extraction Methods and Two Classifiers in Classification of Earlystage Lung Cancer Diagnosis of chest x-ray images. J. Am. Sci. 2014, 10, 13–22. [Google Scholar]
  72. Suzuki, K.; Kusumoto, M.; Watanabe, S.I.; Tsuchiya, R.; Asamura, H. Radiologic classification of small adenocarcinoma of the lung: Radiologic-pathologic correlation and its prognostic impact. Ann. Thorac. Surg. 2006, 81, 413–419. [Google Scholar] [PubMed]
  73. Guo, X.; Sun, T.; Wang, H.; Liang, Z. Prediction Models for Malignant Pulmonary Nodules Based-on Texture Features of CT Image. In Theory and Applications of CT Imaging and Analysis; IntechOpen: London, UK, 2011. [Google Scholar] [CrossRef] [Green Version]
  74. Horeweg, N.; Scholten, E.T.; de Jong, P.A.; van der Aalst, C.M.; Weenink, C.; Lammers, J.-W.J.; Nackaerts, K.; Vliegenthart, R.; ten Haaf, K.; Yousaf-Khan, U.A.; et al. Detection of Lung Cancer through Low-Dose CT Screening (NELSON): A Prespecified Analysis of Screening Test Performance and Interval Cancers. Lancet Oncol. 2014, 15, 1342–1350. [Google Scholar]
  75. Gartman, E.J.; Jankowich, M.D.; Baptiste, J.; Nici, L. Providence VA lung cancer screening program: Performance: Comparison of local false positive and invasive procedure rates to published trial data. In A98. Clinical Strategies to Improve Lung Cancer Early Detection: Who Is at Risk Here? American Thoracic Society: New York, NY, USA, 2018; p. A2477. [Google Scholar]
  76. Kuman, V.; Abbas, A.; Fausto, N.; Robbins, S.; Cotran, R. Robbins and Cotran Pathologic Basis of Disease; Elsevier Saunders: Philadelphia, PA, USA, 2005; p. 759. [Google Scholar]
  77. Travis, W.D. Update on Small Cell Carcinoma and Its Differentiation from Squamous Cell Carcinoma and Other Non-Small Cell Carcinomas. Mod. Pathol. 2012, 25, S18–S30. [Google Scholar]
  78. Chan, B.A.; Coward, J.I.G. Chemotherapy Advances in Small-Cell Lung Cancer. J. Thorac. Dis. 2013, 5 (Suppl. S5), S565–S578. [Google Scholar]
  79. Sagawa, M.; Nakayama, T.; Tsukada, H.; Nishii, K.; Baba, T.; Kurita, Y.; Saito, Y.; Kaneko, M.; Sakuma, T.; Suzuki, T.; et al. Te efficacy of lung cancer screening conducted in 1990s: Four case–control studies in Japan. Lung Cancer 2003, 41, 29–36. [Google Scholar] [CrossRef] [PubMed]
  80. Fontana, R.S.; Sanderson, D.R.; Woolner, L.B.; Taylor, W.F.; Miller, W.E.; Muhm, J.R. Lung cancer screening: Te Mayo program. J. Occup. Environ. Med. 1986, 28, 746–750. [Google Scholar] [CrossRef]
  81. Kubik, A.; Parkin, D.M.; Khlat, M.; Erban, J.; Polak, J.; Adamec, M. Lack of benefit from semi-annual screening for cancer of the lung: Follow-up report of a randomized controlled trial on a population of high-risk males in Czechoslovakia. Int. J. Cancer 1990, 45, 26–33. [Google Scholar] [CrossRef]
  82. Raghu, V.K.; Zhao, W.; Pu, J.; Leader, J.K.; Wang, R.; Herman, J.; Yuan, J.-M.; Benos, P.V.; Wilson, D.O. Feasibility of lung cancer prediction from low-dose CT scan and smoking factors using causal models. Thorax 2019, 74, 643–649. [Google Scholar] [CrossRef] [Green Version]
  83. Risse, E.K.; Vooijs, G.P.; van’t Hof, M.A. Relationship between the Cellular Composition of Sputum and the Cytologic Diagnosis of Lung Cancer. Acta Cytol. 1987, 31, 170–176. [Google Scholar] [PubMed]
  84. MacDougall, B.; Weinerman, B. The Value of Sputum Cytology. J. Gen. Intern. Med. 1992, 7, 11–13. [Google Scholar] [CrossRef]
  85. Kennedy, T.C.; Hirsch, F.R.; Miller, Y.E.; Prindiville, S.; Murphy, J.R.; Dempsey, E.; Proudfoot, S.; Bunn, P.A.; Franklin, W.A. A Randomized Study of Fluorescence Bronchoscopy versus White-Light Bronchoscopy for Early Detection of Lung Cancer in High Risk Patients. Lung Cancer 2000, 1 (Suppl. S1), 244–245. [Google Scholar]
  86. Toyoda, Y.; Nakayama, T.; Kusunoki, Y.; Iso, H.; Suzuki, T. Sensitivity and Specificity of Lung Cancer Screening Using Chest Low-Dose Computed Tomography. Br. J. Cancer 2008, 98, 1602–1607. [Google Scholar] [CrossRef] [PubMed]
  87. Hinton, G. Deep learning—A technology with the potential to transform health care. JAMA 2018, 320, 1101–1102. [Google Scholar] [CrossRef]
  88. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  89. Ueda, D.; Shimazaki, A.; Miki, Y. Technical and clinical overview of deep learning in radiology. Jpn. J. Radiol. 2019, 37, 15–33. [Google Scholar] [CrossRef] [PubMed]
  90. Nam, J.G.; Park, S.; Hwang, E.J.; Lee, J.H.; Jin, K.-N.; Lim, K.Y.; Vu, T.H.; Sohn, J.H.; Hwang, S.; Goo, J.M.; et al. Development and validation of deep learning–based automatic detection algorithm for malignant pulmonary nodules on chest radiographs. Radiology 2019, 290, 218–228. [Google Scholar] [CrossRef] [Green Version]
  91. Manser, R.; Irving, L.; Stone, C.; Byrnes, G.; Abramson, M.; Campbell, D. Screening for lung cancer. Cochrane Database Syst. Rev. 2013, CD001991. [Google Scholar] [CrossRef]
  92. Berlin, L. Radiologic errors, past, present and future. Diagnosis 2014, 1, 79–84. [Google Scholar] [CrossRef] [PubMed]
  93. Schwartz, L.H.; Litière, S.; De Vries, E.; Ford, R.; Gwyther, S.; Mandrekar, S.; Shankar, L.; Bogaerts, J.; Chen, A.; Dancey, J.; et al. RECIST 1.1-Update and clarification: From the RECIST committee. Eur. J. Cancer 2016, 62, 132–137. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  94. Schwyzer, M.; Ferraro, D.A.; Muehlematter, U.J.; Curioni-Fontecedro, A.; Huellner, M.W.; von Schulthess, G.K.; Kaufmann, P.A.; Burger, I.A.; Messerli, M. Automated detection of lung cancer at ultralow dose PET/CT by deep neural networks—Initial results. Lung Cancer 2018, 126, 170–173. [Google Scholar] [CrossRef] [PubMed]
  95. Sun, W.; Zheng, B.; Qian, W. Automatic feature learning using multichannel ROI based on deep structured algorithms for computerized lung cancer diagnosis. Comput. Biol. Med. 2017, 89, 530–539. [Google Scholar] [CrossRef]
  96. Hosny, A.; Parmar, C.; Coroller, T.P.; Grossmann, P.; Zeleznik, R.; Kumar, A.; Bussink, J.; Gillies, R.J.; Mak, R.H.; Aerts, H.J.W.L. Deep learning for lung cancer prognostication: A retrospective multi-cohort radiomics study. PLoS Med. 2018, 15, 1002711. [Google Scholar] [CrossRef] [Green Version]
  97. Tiwari, L.; Raja, R.; Awasthi, V.; Miri, R.; Sinha, G.R.; Alkinani, M.H.; Polat, K. Detection of lung nodule and cancer using novel Mask-3 FCM and TWEDLNN algorithms. Measurement 2021, 172, 108882. [Google Scholar] [CrossRef]
  98. Wu, B.; Zhou, Z.; Wang, J.; Wang, Y. Joint learning for pulmonary nodule segmentation, attributes and malignancy prediction. In Proceedings of the 2018 IEEE 15th International Symposium on Biomedical Imaging (ISBI 2018), Washington, DC, USA, 4–7 April 2018; pp. 1109–1113. [Google Scholar] [CrossRef] [Green Version]
  99. Liu, H.; Cao, H.; Song, E.; Ma, G.; Xu, X.; Jin, R.; Liu, C.; Hung, C.-C. Multi-model ensemble learning architecture based on 3D CNN for lung nodule malignancy suspiciousness classification. J. Digit. Imaging 2020, 33, 1242–1256. [Google Scholar] [CrossRef]
  100. Li, J.; Tao, Y.; Cai, T. Predicting lung cancers using epidemiological data: A generative-discriminative framework. IEEE CAA J. Autom. Sin. 2021, 8, 1067–1078. [Google Scholar] [CrossRef]
  101. Xie, Y.; Zhang, J.; Xia, Y. Semi-supervised adversarial model for benign–malignant lung nodule classification on chest CT. Med. Image Anal. 2019, 57, 237–248. [Google Scholar] [CrossRef]
  102. Abdani, S.R.; Zulkifley, M.A.; Shahrimin, M.I.; Zulkifley, N.H. Computer-Assisted Pterygium Screening System: A Review. Diagnostics 2022, 12, 639. [Google Scholar] [CrossRef] [PubMed]
  103. Zulkifley, M.A.; Moubark, A.M.; Saputro, A.H.; Abdani, S.R. Automated Apple Recognition System Using Semantic Segmentation Networks with Group and Shuffle Operators. Agriculture 2022, 12, 756. [Google Scholar] [CrossRef]
  104. Stofa, M.M.; Zulkifley, M.A.; Zainuri, M.A.A.M. Skin Lesions Classification and Segmentation: A Review. Int. J. Adv. Comput. Sci. Appl. 2021, 12, 532–541. [Google Scholar] [CrossRef]
  105. Stofa, M.M.; Zulkifley, M.A.; Zainuri, M.A.A.M.; Ibrahim, A.A. U-Net with Atrous Spatial Pyramid Pooling for Skin Lesion Segmentation. In Proceedings of the 6th International Conference on Electrical, Control and Computer Engineering: InECCE2021, Kuantan, Malaysia, 23 August 2021; Springer: Singapore, 2022; pp. 1025–1033. [Google Scholar]
  106. Xu, M.; Qi, S.; Yue, Y.; Teng, Y.; Xu, L.; Yao, Y.; Qian, W. Segmentation of lung parenchyma in CT images using CNN trained with the clustering algorithm generated dataset. Biomed. Eng. Online 2019, 2, 18. [Google Scholar]
  107. Liu, C.; Pang, M. Automatic lung segmentation based on image decomposition and wavelet transform. Biomed. Signal Process. Control. 2020, 61, 102032. [Google Scholar]
  108. Khanna, A.; Londhe, N.D.; Gupta, S.; Semwal, A. A deep residual u-net convolutional neural network for automated lung segmentation in computed tomography images. Biocybern. Biomed. Eng. 2020, 40, 1314–1327. [Google Scholar]
  109. Comelli, A.; Coronnello, C.; Dahiya, N.; Benfante, V.; Palmucci, S.; Basile, A.; Vancheri, C.; Russo, G.; Yezzi, A.; Stefano, A. Lung segmentation on high-resolution computerized tomography images using deep learning: A preliminary step for radiomics studies. J. Imaging 2020, 6, 125. [Google Scholar]
  110. Hu, Q.; Souza, L.F.D.F.; Holanda, G.B.; Alves, S.S.; Silva, F.H.D.S.; Han, T.; Filho, P.P.R. An effective approach for ct lung segmentation using mask region-based convolutional neural networks. Artif. Intell. Med. 2020, 103, 101792. [Google Scholar] [PubMed]
  111. Setio, A.A.A.; Ciompi, F.; Litjens, G.; Gerke, P.; Jacobs, C.; Van Riel, S.J.; Wille, M.M.W.; Naqibullah, M.; S’anchez, C.I.; van Ginneken, B. Pulmonary nodule detection in CT images: False positive reduction using multiview convolutional networks. IEEE Trans. Med. Imaging 2016, 35, 1160–1169. [Google Scholar]
  112. Negahdar, M.; Beymer, D.; Syeda-Mahmood, T.F. Automated volumetric lung segmentation of thoracic CT images using fully convolutional neural network. Med. Imaging 2018, 10575, 105751J. [Google Scholar]
  113. Liu, K.; Kang, G. Multiview convolutional neural networks for lung nodule classification. Int. J. Imaging Syst. Technol. 2017, 27, 12–22. [Google Scholar] [CrossRef] [Green Version]
  114. da Silva, G.; da Silva, N. Lung nodules diagnosis based on evolutionary convolutional neural network. Multimed. Tools Appl. 2017, 76, 19039–19055. [Google Scholar]
  115. Dey, R.; Lu, Z.; Hong, Y. Diagnostic classification of lung nodules using 3d neural networks. In Proceedings of the 2018 IEEE 15th International Symposium on Biomedical Imaging (ISBI 2018), Washington, DC, USA, 4–7 April 2018; pp. 774–778. [Google Scholar]
  116. Kirienko, M.; Sollini, M.; Silvestri, G.; Mognetti, S.; Voulaz, E.; Antunovic, L.; Rossi, A.; Antiga, L.; Chiti, A. Convolutional neural networks promising in lung cancer t-parameter assessment on baseline FDG-PET/CT. Contrast Media Mol. Imaging 2018, 2018, 1382309. [Google Scholar]
Figure 1. Causes of lung cancer [9].
Figure 1. Causes of lung cancer [9].
Diagnostics 13 02617 g001
Figure 2. Overall stature of lung cancer detection.
Figure 2. Overall stature of lung cancer detection.
Diagnostics 13 02617 g002
Figure 3. Techniques for lung cancer detection.
Figure 3. Techniques for lung cancer detection.
Diagnostics 13 02617 g003
Figure 4. Deep learning algorithm for lung nodule segmentation [15].
Figure 4. Deep learning algorithm for lung nodule segmentation [15].
Diagnostics 13 02617 g004
Figure 5. Lung cancer classification structure [57].
Figure 5. Lung cancer classification structure [57].
Diagnostics 13 02617 g005
Table 1. Comparison of imaging methods.
Table 1. Comparison of imaging methods.
Imaging MethodApplicationsProsCons
X-rayRib fracture detection, pneumonia detection, and lung cancer screeningQuick, affordable, and broadly accessibleLimited sensitivity and specificity, which could miss lung cancer in its early stages.
CT (computed tomography)Lung cancer screening, lung disease diagnosis, lung cancer extent assessment, and pulmonary embolism detectionDetects tiny or early-stage lung malignancies with high resolution and sensitivity and is helpful for examining lung nodules.High radiation dose, potential need for contrast agent, and high cost
UltrasoundIdentifying pleural effusions, directing thoracentesis, and assessing diaphragm performanceNon-invasive, radiation-free, and usable at the bedsideOperator-dependent, limited capacity to scan lung parenchyma; gas or bone obstructions possible.
MRI (magnetic resonance imaging)Evaluation of the invasion of lung cancer, diagnosis of pulmonary embolism, and evaluation of lung functionGood soft tissue contrast, little radiation exposure, and the ability to assess lung functionLong scan times, little availability, high cost, and potential need for contrast agents
PET-CT (positron emission tomography—computed tomography)Assessing lung cancer, staging lung cancer, observing treatment results, and spotting recurrences of cancerHigh sensitivity for detecting cancer, early cancer detection capability, and anatomical and functional information providedFalse positives caused by inflammation or infection, high radiation dose, price, and possible requirement for fasting before the scan
Table 2. Summarization of references (latest 5 years).
Table 2. Summarization of references (latest 5 years).
ReferenceYearApplicationMethod Used and DatasetProsCons
[21]2018CT Lung imageLevel-set approach for joint image segmentation and registration and CT image datasetThe technique allows for the simultaneous processing of these tasks by combining image segmentation and registration into an identical frameworkThe technique is only directly applicable to CT lung imaging, excluding additional imaging modalities or anatomical locations
[43]2018Segmenting a CT image of the lungDeep neural networks and the Lung Image DatabaseIncreases efficiency and accuracyA small sample size
[32]2018Identification of lung nodulesDense Convolutional Binary-Tree Networks and LIDC-IDRIAchieved great accuracy in classifying lung nodules.Restricted by the lack of readily accessible, large training datasets
[33]2018DL-CAD, or deep learning-based computer-aided diagnosis, is a method for identifying and classifying lung nodulesDeep Learning-based Computer-Aided Diagnosis System Achieved great accuracy in lung nodule detection and characterization and showed promise for enhancing radiologists’ performanceIt is constrained by the availability of huge training datasets, and it might not work well on images with poor contrast or strange morphology
[34]2018Reduced likelihood of false-positive lung nodule identificationDeep 3D Residual CNN and CT dataReduced false positives in the detection of lung nodules with excellent accuracyDepending on the quality of the input photographs, the algorithm may not function properly on images with poor contrast or strange morphology
[26]2019Identification and classification of lung cancerDeep Convolutional Neural Networks (CNNs), en-source data sets, and multicenter data sets have been used.Displayed expert-level proficiency in the spotting and sizing of lung cancerRequires massive datasets for training and may struggle with images that have poor contrast or a strange shape
[37]2019Lung adenocarcinomaDeep learning on CT images and imageNetPredicting the status of the EGFR mutationA small sample size
[44]2019CT imaging for the identification of lung cancerImproved profuse clustering and deep learning using instantaneously trained neural networks and CT image datasetsIncreased precision and fewer false positivesLarge datasets and specialized knowledge are required
[27]2019Artificial neural network-based lung cancer detectionArtificial Neural Network (ANN) and our ANN established, trained, and validated using a data set, whose title is “survey lung cancer”Classification of benign and malignant nodules with good accuracyLimited by the poor interpretability of the model and the caliber of the input images
[57]2019CT imaging for the identification of lung cancerImproved profuse clustering and deep learning instantaneously trained neural networks and the lung CT images are collected from the cancer imaging archive (CIA) datasetIncreased precision and fewer false positivesLarge datasets and specialized knowledge are required
[58]20193D CT images used to diagnose a lung noduleDeep convolutional neural networks and LIDC-IDRIImproved diagnostic precision and decreased inter-observer variabilityLarge datasets and specialized knowledge are required
[40]2019Screening for lung cancerThree-dimensional deep learning on low-dose CT and NLST datasetsHigh efficiency and accuracyHuge volumes of training data are necessary
[29]2019Finding the stage of lung cancerDouble Convolutional Neural Network (CNN)
And CT images from the initial dataset so that the training of the CDNN could be focused
Achieved great accuracy in identifying the stage of lung cancerDepending on the quality of the input photographs, the algorithm may not function properly on images with poor contrast or strange morphology
[30]2019Classification and identification of pulmonary nodulesCNN-based nodule-size-adaptive detection and classification and the Tianchi AI datasetThe detection and classification of pulmonary nodules were carried out with great accuracyDepending on the quality of the input photographs, the algorithm may not function properly on images with poor contrast or strange morphology
[39]2019Identification, segmentation, and classification of pulmonary nodulesDeep learning on CT images and NLSTIncreases efficiency and accuracyA small sample size
[31]2019Image categorization for the lungsInception-v3 Transfer Learning Model and ImageNet datasetGood classification accuracy for pulmonary images.Restricted by the lack of readily accessible, large training datasets.
[37]2019Lung adenocarcinomaDeep learning on CT images and ImageNet datasetsPredicting the status of the EGFR mutationA small sample size
[49]2020Finding pulmonary nodulesComputer-aided diagnosis (CAD) system with deep learning and CT image datasetExtremely sensitive and specificLarge volumes of training data are required
[51]2020Lung cancer predictionDeep learning framework and eCT image datasetEarly, non-intrusive detectionLimited information and possible false positives
[55]2020Lung cancerRadiomics and deep learningImproved prognosis and diagnosis accuracyLarge datasets and specialized knowledge are required
[38]2021Lung adenocarcinomaDeep learning on CT imagesPredicting survival and subtype classificationA small sample size
[61]2021Classification of lung nodulesDeep learning on CT imagesHigh accuracy and efficiencyA small sample size
[42]2021Non-small-cell lung cancerDeep learning on CT images and immunotherapy datasetsPD-L1 expression and EGFR mutation predictionA small sample size
[47]2021Evaluation and forecasting of PD-L1 expressionDeep learning on CT images and the PD-L1 expression datasetEnhanced precision and non-invasiveLarge volumes of training data are required
[48]2021Extraction of information on lung cancer stagingDeep learning approach and CT datasetAutomated and saving timeLimited information and possible mistakes
[56]2021Prediction of cardiovascular disease risk from CT of lung cancerDeep learning and NLST and MGH datasetsEnhanced early detection and risk assessmentRestricted by computing power and labeled data accessibility
[59]2021Using an electronic nasal device and identify lung cancerWeighted discriminative extreme learning machine design and lung cancer datasets and public datasetsInvasive-free detection techniqueOnly able to identify lung cancer in its first stages
[60]2021PET/CT imaging for non-small cell lung cancer detectionMultimodality attention-guided 3-D detection using deep learning and a private datasetImproved diagnostic precision and fewer false positivesLarge datasets and specialized knowledge are required
[50]2022Prediction of benign, preinvasive, and invasive lung nodulesMachine learning and CT datasetEnhanced accuracy and early detection potentialLarge training data requirements and the risk for false positives
[41]2022Screening for lung cancerDeep learning on mobile low-dose CT and CT image datasetsImproved access in areas with limited resourcesA small sample size
[43]2022Identification and detection of pulmonary nodulesDeep learning on CT image and CT lung datasets Increases efficiency and accuracyA small sample size
[28]2022CT imaging for the identification of lung cancerImproved Profuse Clustering and Deep Learning Instantaneously Trained Neural Networks and images of CT scansMore accuracy compared to conventional clustering-based approaches and shorter training timesCompared to other deep learning models, it requires more parameters and more training time
[52]2023Prediction with CT scan and histopathological imagesSix
different deep learning algorithms like Convolutional Neural Network (CNN), CNN Gradient Descent (CNN GD),
VGG-16, VGG-19, Inception V3, and Resnet-50.
Using the CNN GD provides the ability to learn from training data over time and its efficient cost function within gradient descent, which continuously assesses accuracy during parameter updatesThe lack of integration with fuzzy genetic optimization techniques, which could potentially enhance the methodology’s performance and effectiveness
[53]2023A novel method called Cancer Cell Detection uses Hybrid Neural Network (CCDCHNN) to extract features from the CT scan images using deep neural networksThe approach in this research suggests a sophisticated 3DCNN
with an RNN algorithm for classifying cancerous lung nodules.
The system makes use of the LUNA 16 database.
The proposed improved model provides single 3D-CNN and RNN classifications with high selectivity, sensitivity, and accuracyEnhanced efficiency by integrating big-data analytics and cascaded classifiers, which are not currently utilized in the proposed approach
[54]2023The proposed model used several convolutional layers to perform the detection task from CT scan imagingThe study developed a CNN-based model with 99.45% accuracy for early lung cancer prediction using CT scan images. The dataset used was the IQ-OTH/NCCD-lung cancer dataset from KaggleThe proposed CNN-based model achieved a high accuracy rate of 99.45% for early lung cancer prediction and successfully reduced false positivesThe major gap in this work is the limited number of epochs used during training
Table 3. Performance comparisons.
Table 3. Performance comparisons.
S. NoMethodAccuracy (%)
1Lung CT image segmentation using deep neural networks [11].95%
2Biological and gene expression data using a fuzzy preference-based rough set [13].96.19%
3Lung cancer detection using an artificial neural network [27].96.67%
4SegChaNet: A novel model for lung cancer segmentation in CT scans [28].98.48%
5Optimal deep learning model for classification of lung cancer on CT images [44].94.56%
6Lung cancer prediction using a deep learning framework [51].99.52%
7An effective approach for CT lung segmentation using mask region-based convolutional neural networks [110].97.68%
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

Thanoon, M.A.; Zulkifley, M.A.; Mohd Zainuri, M.A.A.; Abdani, S.R. A Review of Deep Learning Techniques for Lung Cancer Screening and Diagnosis Based on CT Images. Diagnostics 2023, 13, 2617. https://doi.org/10.3390/diagnostics13162617

AMA Style

Thanoon MA, Zulkifley MA, Mohd Zainuri MAA, Abdani SR. A Review of Deep Learning Techniques for Lung Cancer Screening and Diagnosis Based on CT Images. Diagnostics. 2023; 13(16):2617. https://doi.org/10.3390/diagnostics13162617

Chicago/Turabian Style

Thanoon, Mohammad A., Mohd Asyraf Zulkifley, Muhammad Ammirrul Atiqi Mohd Zainuri, and Siti Raihanah Abdani. 2023. "A Review of Deep Learning Techniques for Lung Cancer Screening and Diagnosis Based on CT Images" Diagnostics 13, no. 16: 2617. https://doi.org/10.3390/diagnostics13162617

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