Abstract
In this study, we present a hybrid CNN-RNN approach to investigate long-term survival of subjects in a lung cancer screening study. Subjects who died of cardiovascular and respiratory causes were identified whereby the CNN model was used to capture imaging features in the CT scans and the RNN model was used to investigate time series and thus global information. To account for heterogeneity in patients' follow-up times, two different variants of LSTM models were evaluated, each incorporating different strategies to address irregularities in follow-up time. The models were trained on subjects who underwent cardiovascular and respiratory deaths and a control cohort matched to participant age, gender, and smoking history. The combined model can achieve an AUC of 0.76 which outperforms humans at cardiovascular mortality prediction. The corresponding F1 and Matthews Correlation Coefficient are 0.63 and 0.42 respectively. The generalisability of the model is further validated on an ‘external’ cohort. The same models were applied to survival analysis with the Cox Proportional Hazard model. It was demonstrated that incorporating the follow-up history can lead to improvement in survival prediction. The Cox neural network can achieve an IPCW C-index of 0.75 on the internal dataset and 0.69 on an external dataset. Delineating subjects at increased risk of cardiorespiratory mortality can alert clinicians to request further more detailed functional or imaging studies to improve the assessment of cardiorespiratory disease burden. Such strategies may uncover unsuspected and under-recognised pathologies thereby potentially reducing patient morbidity.
Keywords: Computed tomography, Lung, Deep learning, Computer vision, Saliency map, Longitudinal data, Cox regression
Highlights
-
•
A CRNN approach to predict long-term survival using the lung cancer screening patients' imaging history.
-
•
Predict a patient's cardiorespiratory mortality risk, thus suggesting timely personalised interventions.
-
•
Improving Lung Cancer Screening study's cost-effectiveness and health benefits.
1. Introduction
1.1. Overview
Cardiac and respiratory illnesses are the leading causes of mortality globally [1], [2], especially amongst older age groups. Compounded with the ageing global population [3], this translates to an increased number of patients with multimorbid conditions and causes spiralling pressure on healthcare services. Responding to such growing healthcare needs requires cost-effective approaches to early disease detection. Early detection allows timely intervention before diseases become irreversible.
Various large-scale Lung Cancer Screening (LCS) studies, such as NELSON (Dutch-Belgian) [4], SUMMIT (UK) [5], the National Lung Screening Trial (NLST, US) [6], [7], have been set up to improve the detection of early lung cancer in high-risk populations. Screening involves annual computed tomography (CT) imaging and various clinical measurements (e.g. lung spirometry). LCS with CT imaging has been demonstrated to reduce lung cancer mortality in the NLST effectively [6], [7], [8] and NELSON studies [4].
A critical and currently underutilised benefit of imaging acquired as part of LCS is the potential to detect underdiagnosed illnesses in LCS populations. For example, Cardiovascular Disease (CVD) shares the same risk factors as lung cancer. Accordingly, cardiovascular risk detection could be improved by a detailed interrogation of LCS imaging. Similarly, detecting early respiratory pathologies that influence survival could also be improved. Currently, lung cancer detection is typically the radiologist's overarching aim, but improving the detection of cardio-respiratory morbidity could enhance LCS's cost-effectiveness and overall health benefits.
Rather than analysing images in isolation, this study proposes a hybrid CNN-RNN approach to fully utilise both the imaging and temporal information to predict long-term survival outcomes in a LCS cohort. In turn, this may allow early interventions that may prevent or delay the occurrence of adverse cardio-respiratory health events, thereby prolonging a patient's life expectancy.
1.2. Literature review
Lung cancer and Cardiovascular Diseases (CVD) share several similar risk factors, including smoking (both active and passive) and exposure to fine particulates from air pollution [9]. Though the pathophysiological mechanisms differ, it has been shown that smoking leads to increased mortality risk from lung cancer, lung fibrosis, chronic obstructive pulmonary disease and CVD [9], [10]. It is, therefore, logical that patient cohorts enriched with heavy smokers, such as LCS studies [4], [5], [6] can be used to develop prediction models of CVD-related mortality.
Recently, attempts have been made to predict CVD-related mortality in the NLST cohort [11], [12], [13]. As demonstrated in van Velzen et al. 2019 [11], a Convolutional Autoencoder (CAE) was trained to derive abstract image features. Then, the extracted features were fed into three separate classifiers to predict CVD-related mortality. The CAE encoded the automatically extracted 3D LDCT volume around the heart and exported the image features to the subsequent classifiers. The support vector machine classifier achieved performance in the Area under ROC curve (AUC) of 0.72. Though the study recognised the value of using clinical information for prediction, including handcrafted variables such as the Coronary Artery Calcium (CAC) score [13], [14], [15], which is a known predictor of CVD, such information was not utilised in making predictions. Instead, the study demonstrated that it is possible to predict CVD-related mortality from LDCT scans alone.
Predicting CVD-related mortality was further improved by Guo et al. 2020 [12]. A multimodal approach was adopted in this study, where models incorporated both LDCT imaging information and handcrafted features to make mortality predictions. When the contributions of the imaging features and clinical data were optimised, this approach improved the AUC performance to 0.82. Both methods show improvement over human performance in this regard. In fact, as reported by Guo et al., visual inspection of the coronary artery calcium measured by a radiologist could only achieve performance with an AUC of 0.64.
Instead of examining medical images in isolation without their global context, a few recent studies considered adopting a hybrid model architecture to analyse the imaging and temporal features in a patient's data. Thus, hybrid models, which have a CNN portion to investigate the medical imaging features while a RNN portion to keep track of the temporal information, had been adopted to examine retinal video [16], spectrogram [17], chest radiograph [18], and computed tomography [19] etc. Thus, global temporal information embedded in the follow-up scans can be fully utilised. In the above-mentioned cases, the hybrid models outperformed their CNN-only counterparts, which naturally limited the contextual information from the patient's follow-up history. Thus, the findings illustrate the superior performance of using time-series data over a single snapshot in making the diagnosis.
Given the unavoidable heterogeneous follow-up times in clinical practices, various studies [18], [19], [20] had attempted to incorporate the interval variation in their analysis. Instead of adopting the implicit homogeneous interval assumption in the LSTM model, various approaches [18], [19], [20] of adding time-weighted terms to accentuate the temporal irregularities are proposed. For example, Santeramo et al. 2018 [18] proposed additional interval time-related weights to the LSTM gates calculation, while Gao et al. 2019 [19] proposed using the Temporal Emphasis Modules (TEM) to emphasise the more recent scans.
An alternative and more informative approach to evaluating survival would be the Cox Proportional Hazard (PH) model [21] which examines the effect of covariates on the patient's time to death. Katzman et al. 2018 [22] proposed, DeepSurv, a Cox Proportional Hazard neural network to examine clinical data to help provide a personalised approach to predict a patient's survival time. A few studies [23], [24] have applied a similar approach to survival analysis using medical images. In particular, Shahin et al. 2022 [24] performed survival analysis in an Idiopathic Pulmonary Fibrosis cohort with a modified Residual Network and an equivalent Cox PH loss function.
In our previous work, Lu et al. 2021 [25], 3D-CNN-based models were deployed to inspect the latest screening CT scan and correlate the imaging features to long-term survival status. A multimodal approach utilising the clinical information was also attempted. However, as discussed in the literature review, such approaches under-utilise the global information in the LCS study and discard an individual's speed of disease progression. Therefore, in this study, we adopted a hybrid CNN-RNN approach to treat the patients' follow-up scans as time series data and combined the local and global information for improving risk prediction for cardiorespiratory mortality. As can be demonstrated, the hybrid approach can enhance model performance and, in particular, improve their generalisability. When applied to the prediction of time to cardiorespiratory death, the application of such a method may help direct timely early medical tests or therapeutic interventions that could prevent or lessen adverse cardio-respiratory events, thus reducing morbidity and mortality.
The key contributions of the study are as follows:
-
•
A hybrid 4D CRNN approach to predict long-term cardiorespiratory mortality using the patients' longitudinal LCS imaging history.
-
•
Prediction of increased cardiorespiratory mortality could suggest those subjects in whom timely personalised interventions may help reduce morbidity and mortality.
2. Methods
2.1. Dataset selection and split by screening centres
The National Lung Screening Trial was a lung cancer screening study conducted with 33 US screening centres from 2002 to 2007 [6], [7], [8]. 53,454 heavy smokers aged 55-74 at high risk for developing lung cancer were recruited. The exclusion criteria for the study [6] include the presence of other forms of cancer, unexplained weight loss, and acute respiratory infections such as pneumonia etc. For our study, we were provided with a subset of 15,000 patients' imaging data comprising three annual screening CT attendances, denoted as T0-T2. The participants' survival status and the cause of death were ascertained through the evaluation of death certificate ICD-10 (International Classification of Diseases, 10th edition) codes. In the LDCT branch, the leading cause of death (as of the end of 2009) was cardiovascular disease (26.1%), followed by lung cancer (22.9%) and then other types of cancer (22.3%) [7]. One of the studies targeting the 2009 endpoint was conducted by Chao et al. 2021 [13], which aims to analyse cardiovascular disease survival.
In our study, the participant's survival status in 2015 was chosen as the ground-truth label, and the follow-up times were adjusted with respect to the latest scan (i.e. T2). The targeted causes of death were cardiac1 and respiratory diseases,2 while excluding other mortality causes (i.e. lung cancer). We primarily focused on predicting cardiorespiratory mortality as in lung cancer screening populations a high smoking burden, increased age and socioeconomic factors combine to increase the risk of damage to the respiratory and cardiovascular systems. Damage to either the cardiac or respiratory system in turn accentuates damage in the other system. Cause of death labels used in clinical studies are often the primary cause of mortality i.e. myocardial infarction. Yet a subject in a lung cancer screening study will have numerous secondary causes of mortality such as emphysema, airway disease and/or lung fibrosis. We aimed to develop a real-world model that can help predict subjects with an increased risk of cardiorespiratory mortality, and capturing these features of respiratory damage is crucial to this endeavour. Similarly, a subject dying with a cause of death given as lung fibrosis will have cardiac disease which would be a secondary cause of mortality. Therefore it was our belief that trying to distinguish cardiac and respiratory mortality created an artificial separation in the common pathophysiological mechanisms caused by smoking and ageing in both organ systems.
Only cases with all three screening CTs (i.e. T0-2) were included to avoid bias introduced by patients who left the trial early for unknown reasons. Only CT scan thickness in the axial plane of less than 2.5 mm was analysed. A radiologist reviewed the corresponding CT images to exclude cases with imaging artefacts and anatomical biases (i.e. severe forms of thoracic spinal scoliosis). The patients with cardiac and respiratory deaths were age, gender, and smoking history matched in a 1:2 ratio with a control population of survivors.
2154 patients from 32 NLST screening centres meet the eligibility criteria mentioned above. CT scans from 26 of the 32 centres were used as the ‘internal’ training-validating-testing dataset (n=1,869). Scans from the remaining 6 centres were kept aside as the ‘external’ dataset (n=285) for later evaluation of the generalisability of the models on heterogeneous imaging protocols and equipment (i.e. out-of-distribution data). The composition of the datasets is tabulated in Table 1. The current combination of the centres in the subsets allows the maximum number of scans to be used.
Table 1.
Dataset | Survivor | Non-survivor |
Total | ||
---|---|---|---|---|---|
Cardiac | Respiratory | ||||
Internal | CV fold 1 | 208 | 47 | 57 | 312 |
CV fold 2 | 208 | 56 | 48 | 312 | |
CV fold 3 | 208 | 59 | 45 | 312 | |
CV fold 4 | 208 | 62 | 42 | 312 | |
CV fold 5 | 208 | 50 | 54 | 312 | |
Test | 206 | 53 | 50 | 309 | |
External | Test | 190 | 47 | 48 | 285 |
Total | 1436 | 374 | 344 | 2154 |
As shown in Table 1, after a random split, 1560 cases from the internal dataset (n=1,869) were used for a 5-fold cross-validation while the remaining 309 cases were used as an internal test set to assess model performance during training. The composition of the subsets was kept the same throughout the study. The trained models were evaluated on 285 patients' scans in the external test. Additionally, the relative proportions of the two causes of mortality, which are also presented in Table 1, were maintained across the internal and external datasets. The time to death of the non-survivors from the date of the last screening point is illustrated in Fig. 1.
2.2. Lung CT-volume preprocessing
Similar to the previous study [25], the primary imaging processing pipeline consisted of a modified pre-processing approach from Liao et al. [26]. The CT image was filtered with a Gaussian filter for each axial slice, and a -600 Hounsfield Unit (HU) threshold was applied to create the binarised slice. The absolute size and eccentricity of connected components were then used to filter out small components and imaging noise. The resulting 3D volumes were then filtered by their size (0.68 - 7.5 L) and distance to the centre of the scan. The results were joined to create the approximate lung mask. Morphological transformations, i.e. erosion, dilation, and convex-hull calculation, were performed to further separate the result into the left and right lung masks. An additional convex-hull analysis was performed on the joint lung masks to include the cardiac region in the final results. The Hounsfield Unit (HU) range was clipped to an interval between -1200 HU to 600 HU. The range was linearly normalised to between 0 and 255. The regions outside the masks corresponding to the surrounding tissue were filled with an average value of 170. The pre-processing pipeline was applied over all axial layers to extract the thorax region in 3D. The processed 3D CT volumes were interpolated into the shape of 256 by 256 by 128. An example case is illustrated in Fig. 2 where Fig. 2(a) is a CT scan in DICOM format while Fig. 2(b) is the pre-processed input to the neural networks.
The aforementioned imaging pre-processing pipeline does not explicitly perform image registration. However, it does align the image by utilising the joint mask. To assess whether image registration can lead to performance improvement, particularly for the time-series models, 3D affine registration was attempted for one of the sub-studies. In particular, the scans from the two earlier screening points, T0 and T1, were registered to the most recent T2 scan through the DIPY3 (v1.5.0) library [27]. The example results of the 3D affine registration are illustrated in Fig. 3. The T0 scan is illustrated in Fig. 3(a) while the T2 scan of the same patient is shown in Fig. 3(b). Comparing Fig. 3(c) to Fig. 3(d), it can be seen that the additional processing has minimised the difference in position and orientation between the T0 scan to the target T2 scan.
2.3. Models
2.3.1. CNN models
The deep-learning-based models in this study were based on a 3D implementation of the ResNet [28],[29]. A 10-layer implementation of the 3D ResNet was used as the backbone for both the CNN models and the subsequent CRNN models in this study. The choice of the CNN network depth reflects the trade-off between performance and model size. The pre-trained weights from Chen et al. [29], initially optimised for medical imaging (CT images) segmentation tasks, were used as initial weights during training. The output from the 3D ResNet backbone was converted to a 1D tensor after passing through a global adaptive average pooling layer. It was then passed through two subsequent fully-connected layers (including dropout with and ReLU activation) with 512 and 32 neurons, respectively.
The CNN models were trained with the latest scan, i.e. NLST T2 scan. The 3D CT volumes were interpolated into 256 by 256 by 128 tensors and fed into the networks. The 2015 survival outcome was used as the ground truth label for the classification task between survivors and non-survivors.
2.3.2. CRNN models
The two sides of the CRNN model, as illustrated in Fig. 4, were trained independently from each other. The model parameters from the trained CNN model were inherited by the CNN side of the model and were not optimised during the CRNN training. In contrast, the RNN (i.e. LSTM) side, which feeds in the spatial /imaging feature from the CNN side, was optimised during CRNN training. In other words, the CNN backbone was used to capture the local imaging features from each CT scan, while the LSTM model was utilised to capture the global time-series information embedded in the patient's entire follow-up history. The output from the LSTM model was passed through one fully-connected layer (including dropout with and ReLU activation). The number of neurons in the fully-connect layer matched the LSTM's hidden state (hx) size, a tunable hyperparameter.
For each patient, the interpolated 3D CT volumes were stacked into a 4D tensor, with the temporal dimension (i.e. T0-2) as the additional dimension., All 3 NLST screenings were analysed by the hybrid CRNN model, which can process a variable number of scans in a patient's follow-up history. Thus, in this study, the input to the CRNN network was in the form of 256 by 256 by 128 by 3 tensors.
2.3.3. LSTM model comparison
It is important to note that the vanilla LSTM implementation implicitly assumes the inputs are equally spaced. Given the inevitable irregular time intervals between screening timepoints that occur in medical studies, two additional LSTM variants, Time-Aware LSTM (TALSTM) [20] and time-modulated LSTM (tLSTM) [18], which explicitly take irregular time intervals between inputs into account were tested.
To account for the influence of non-uniform time intervals, the former model [20] attempts to separate the memory component in LSTM into its long and short-term parts, with the latter's effect disregarded. In contrast, the time-modulated LSTM variant [18] explicitly introduces temporal weights into the LSTM gates update. This is illustrated by the modified LSTM gates formulas. In Eqs. (1) to (4), , , and are the LSTM forget, input, cell, and output gates respectively. is the imaging feature at time t while is the hidden state at time or the initial hidden state. The additional weighted terms, represented as , introduce the effect of variations in follow-up intervals .
(1) |
(2) |
(3) |
(4) |
For both variants, as illustrated by the dashed lines in Fig. 4, the temporal information was passed directly into the RNN portion of the model. Pre-processing of the temporal data was implemented in the same manner recommended by the respective studies [18], [20].
2.3.4. Cox Proportional Hazard Network
In addition to performing classification on the long-term survival outcome, a survival outcome prediction based on the Cox Proportional Hazard model [21] was attempted using the same CNN and CRNN networks. In this study, the survival time is right-censored and adjusted with respect to the latest screening point (T2).
In survival analysis, a hazard function, which is shown in Eq. (5), measures the instantaneous risk of event /death () at time t for an individual that has survived beyond time t:
(5) |
The Cox PH model attempts to model the hazard function given a patient's baseline data x:
(6) |
In Eq. (6), is the baseline hazard function and represents the hazard when all the covariates are zero. in this study is the output of the neural network. To optimise such a network, the negative partial log-likelihood function [22], [24] is implemented:
(7) |
where is the total number of patients with an event and is the set of patients that have not died before patient i at time . The loss function L is optimised using stochastic gradient descent.
2.3.5. Experiments
A grid search approach was adopted to tune the hyperparameters in the neural network models. The hyperparameter value that produced the best AUC value was chosen.
Similar to the previous work [25], to counter the class imbalance in the 1:2 matched dataset, a weighted random sampler assigns a sampling probability inversely proportional to the class size was utilised. This approach attempts to create balanced batches during training. Cross entropy loss was adopted as the loss function for the classification model while the Cox Loss in Eq. (7) was adopted for the regression models. The models were trained with Sharpness Aware Minimisation (SAM) [30] with Stochastic Gradient Descent (SGD) as the base optimiser. SAM simultaneously minimises the value and sharpness in the training loss landscape. Thus, it aims to optimise for model parameters within the neighbourhood of low loss and hence improves the generalisability of the model. Adaptive implementation of this optimisation algorithm was also tested, yet it did not improve performance.
As a substudy, an additional set of networks was trained to further differentiate the non-survivor classes into the respective mortality groups, i.e. cardiac-related and respiratory-related. This additional insight provides the clinician with further information as to which areas on the CT need specific consideration. A two-step process is proposed to utilise this model in a clinical setting. Firstly, the main model examines a patient's scans to produce a mortality probability. Secondly, the scans are examined by the additional cause-specific model should the previous output exceed a predefined threshold which is 0.5 in this study. The cause-specific model will then attempt to categorise the site of concern further, and the clinician can perform further checks accordingly. Thus, additional models were trained with only the two non-survivor classes shown in Table 1 and the composition of each subset was kept the same as the main model. The primary CRNN model's training approach was adopted for this substudy.
The classification models were optimised using an initial learning rate of 1E-3, a cyclic learning rate schedule, momentum of 0.9, and weight decay (L2 regularisation) of 5E-4. The regression models differ regarding the initial learning rate, which was set as 5E-3. Each neural network was trained with a batch size of 24 on a single Nvidia A100 GPU (40GB HBM2) on the UCL CS CMIC cluster. The CNN models were trained with approximately 800 epochs, while the CRNN models were trained with approximately 150 epochs. The deep learning models4 were developed in Python (v3.9.5) and PyTorch (v1.9.1).
3. Results
3.1. Classifying cardiorespiratory mortality
To compare the performance with related studies [11], [12], the models were mainly assessed with the Area Under the Curve (AUC) metric. The average (and standard deviation) of the AUC metrics from the 5-fold cross-validation were used to assess the internal performance of the model. As tabulated in Table 2, the same was done for the F1 score and Matthews Correlation Coefficient (MCC) [31]. To evaluate the model's generalisation ability, the average (and standard deviation) inference performance of the five models on the external dataset was also recorded through the three metrics in Table 2.
Table 2.
Study | Model Component(s) |
LSTM | 5-Fold CV Performance |
External Performance |
|||||
---|---|---|---|---|---|---|---|---|---|
CNN | RNN | hx | AUC | F1 | MCC | AUC | F1 | MCC | |
A. CNN | ResNet | - | - | 0.759 (0.019) | 0.626 (0.026) | 0.407 (0.047) | 0.714 (0.011) | 0.578 (0.010) | 0.315 (0.021) |
B. LSTM | ResNet | LSTM | 32 | 0.763 (0.020) | 0.629 (0.031) | 0.421 (0.047) | 0.731 (0.015) | 0.571 (0.021) | 0.319 (0.037) |
C. LSTM (3d reg) | ResNet | LSTM | 32 | 0.760 (0.017) | 0.605 (0.048) | 0.404 (0.042) | 0.729 (0.014) | 0.565 (0.030) | 0.324 (0.034) |
D. TALSTM | ResNet | TALSTM | 32 | 0.763 (0.019) | 0.628 (0.034) | 0.423 (0.048) | 0.730 (0.015) | 0.573 (0.026) | 0.326 (0.035) |
E. tLSTM | ResNet | tLSTM | 64 | 0.763 (0.018) | 0.630 (0.028) | 0.419 (0.046) | 0.731 (0.014) | 0.575 (0.018) | 0.320 (0.039) |
In the baseline Study A, where the CT scans are analysed in isolation from the rest of the sequence of CT time points, the model reached an average AUC of 0.759, an average F1 of 0.626, and an average MCC of 0.407 on the internal dataset. As expected, the performance in all three metrics deteriorated when evaluated on the external dataset. In comparison, when the global and temporal information from the patient's follow-up was considered in Study B, all three performance metrics on the internal dataset improved over those in Study A. In particular, the Matthews Correlation Coefficient improved by 3.4% from 0.407 to 0.421. The extent of the performance improvement introduced by the hybrid approach is on par with related studies [18],[19].
More importantly, the generalisation ability of the model, indicated by performance on the external dataset, improved, as illustrated by the increase in AUC performance from 0.714 to 0.731 in Table 2. The corresponding ROC curves for the internal dataset and for the external dataset are shown in Fig. 5(a) and (b) respectively. To assess the statistical significance of the AUC performance between Study A and Study B, DeLong's algorithm [32], [33] was used. In this analysis, the five cross-validation models were treated as an ensemble model with their predicted survival probability averaged. The resulting p-value was found to be less than 0.02.
Kaplan-Meier curves were plotted to examine the survival outcomes of the patient cohort using the predicted mortality probability from the ensemble CRNN models in Study B. As illustrated in the Kaplan-Meier curves in Fig. 6(a) and (b), which depict the survival outcomes over time, the patients with a mortality probability higher than 0.5 have a markedly lower survival rate than their counterparts. This analysis demonstrates the approach's capability to predict long-term survival outcomes.
Study C, where a 3D registered dataset was used to train the combined CRNN model, showed no improvement in performance on internal and external datasets. It also showed that the additional noise introduced by the affine registration did not outweigh the benefits gained. To further investigate the utility of the 3D registration, GradCAMs (Gradient-weighted Class Activation Map) [34] from a Chronic Obstructive Pulmonary Disease (COPD) non-survivor's follow-ups scans are shown. As illustrated by the GradCAM overlays in Fig. 7(a) to (c), the model is relatively consistent with lesion position over time, without the explicit registration, thereby negating the need for the additional 3D registration.
In Study D and E, where the irregularity in follow-up intervals are explicitly addressed, the performance is comparable to Study B, which implicitly assumes constant intervals between scans. This implies the follow-up interval variation, which has an inter-quartile range of 40 days, provides limited information to the long-term survival prediction task.
3.2. Classifying cause-specific cardiorespiratory mortality
The CRNN network in Study B was applied to patients who died from cardiac and respiratory deaths, as shown in Table 3, where deaths were classified into three bands: 0-3 years from the last CT date (i.e. T2); 0-7 years from the last CT date; within 11 years of the last CT date. The model had initially been trained with labels corresponding to known patient deaths 10 years after the first CT, but had not been provided with information about the exact cause of death (i.e. whether cardiac or respiratory related). Any patient predicted by the ensemble model from Study B to have a less than 0.5 mortality probability was classified as a survivor. Any cases passing this probability threshold were separated into the two causes of death by the CRNN model in Study F. The final prediction from this two-step decoupled process was then evaluated against their ground truth label of dead/alive within the relevant time band. Accordingly, the ground truth survival status varied according to the follow-up time band.
Table 3.
Class | Band a (death <3.0 yrs) |
Band b (death <7.0 yrs) |
Band c (death <11.0 yrs) |
||||||
---|---|---|---|---|---|---|---|---|---|
Cases | Sensitivity | Specificity | Cases | Sensitivity | Specificity | Cases | Sensitivity | Specificity | |
Survivor | 2034 | 0.626 | 0.744 | 1776 | 0.688 | 0.746 | 1436 | 0.791 | 0.719 |
NS (Cardiac) | 82 | 0.476 | 0.771 | 202 | 0.510 | 0.806 | 374 | 0.513 | 0.853 |
NS (Respiratory) | 38 | 0.737 | 0.765 | 176 | 0.665 | 0.808 | 344 | 0.634 | 0.861 |
As shown in Table 3, respiratory mortality within 3 years of the CT scan was predicted with good sensitivity (0.737) and specificity (0.765), with cardiac mortality prediction also showing good specificity (0.771) but poor sensitivity (0.476). Respiratory death prediction showed improved specificity and acceptable sensitivity at time intervals increasingly distant from the last available imaging that could be analysed. Cardiac death prediction however showed poor sensitivity and good specificity across all follow-up time bands. An alternative approach for cause-specific mortality prediction, similar to the one conducted by Chao et al. 2021 [13], would be using separate models and add prior clinical knowledge (e.g. Coronary Artery Calcification score) in the models to predict the specific type of mortality.
3.3. Predicting patients' risk through the Cox model
Our final analysis considered discriminating the NLST cohort based on their cardio-respiratory mortality risk. The performance of the Cox-regression-based survival analysis was measured across internal and external cohorts and evaluated using the Inverse Probability of Censored Weights (IPCW) Concordance Index [35] which is modified from the original Concordance Index [36]. The tabulated metrics in Table 4 illustrate that adopting the CRNN model which examines all available follow-up imaging information outperforms the CNN approach which investigates the latest CT scan in isolation. In particular, the IPCW C-index is improved by 4.3% from 0.719 to 0.750 between the two models. Though less pronounced, an improvement of 2.5% in IPCW C-index from 0.673 to 0.690 can be observed in the external dataset. This reaffirms our hypothesis that the hybrid CNN-RNN approach improves model performance by capturing additional global time-series CT features that relate to cardio-respiratory disease progression.
Table 4.
CoxPH | Model | LSTM | IPCW C-Index |
|
---|---|---|---|---|
Study | hx | 5-fold CV | External | |
G. CNN | ResNet | - | 0.719 (0.040) | 0.673 (0.009) |
H. CRNN | ResNet+LSTM | 32 | 0.750 (0.050) | 0.690 (0.019) |
4. Discussion
Our study examined the ability of time-series imaging data to predict cardiorespiratory mortality in subjects participating in a lung cancer screening study. We demonstrate that time series analysis improves mortality prediction when compared to single timepoint data. We demonstrate the high sensitivity and specificity of our model in estimating the likelihood of respiratory deaths at 3 years, and the high specificity for the detection of cardiac-related deaths across follow-up timepoints. We also demonstrate the improved ability of our time-series model to predict the time to cardiorespiratory death using a modified Cox model when compared to single timepoint data.
4.1. Survival prediction using both spatial and temporal data
By comparing the performance between Study A and B, in Table 2, it is evident that the inclusion of longitudinal information improves classification performance. When compared to examining CT images in isolation, (Study A where a CNN model is adopted to view the latest CT scan), considering the entire follow-up imaging history of a patient provides a greater global context of the patient's health and/or disease progression. Specifically, the CRNN model improves the internal MCC by 3.4% from 0.407 to 0.421 and the external AUC by 2.4% from 0.714 to 0.731. The extent of the improvement, through the inclusion of temporal information, is consistent with that observed in related studies [18], [19].
Despite the marginal improvement in external F1 and MCC, the irregular time interval model examined in Study D and E showed similar performance to the model evaluated in Study B. This is in contrast to the performance improvement noted in the related studies [18], [19], [20]. It can be argued that this study's classification task, which focuses on long-term survival, is more tolerant to the time interval variation than counterparts, such as the study by Santeramo et al. 2018 [18]. Yet the most likely cause for the comparable performance between models that did and did not consider time intervals is the relatively constant time interval (inter-quartile range of 40 days between CTs) in the NLST study which was a clinical trial. Models trained to examine irregular time intervals on longitudinal data are far more likely to show utility in real-world data where imaging intervals are more varied than would be seen in protocolised clinical trials.
4.2. Cause-specific survival outcomes
Our results demonstrate how differently our model treated respiratory versus cardiac deaths in the screening population. The high sensitivity and specificity for 3-year respiratory mortality suggest the model has potential utility in identifying screened patients who might benefit from targeted respiratory interventions over a meaningful time frame for clinical trials.
The low sensitivity of the model for cardiac death prediction may relate to the inherently unpredictable nature of many acute cardiac events. A central challenge of cardiology lies in risk prediction and prevention for populations at risk of adverse cardiovascular events. Whilst calcification can be identified in coronary arteries on non-contrast-enhanced CTs, calcified plaques are the main surrogates for the presence of non-calcified plaques which are more likely to rupture. Yet coronary calcification and non-calcified coronary damage may be very challenging to identify comprehensively on low-dose, non-gated, non-contrast CT scans. The high specificity for cardiac death prediction identified in our study suggests some events can be predicted using imaging and the results are reassuring in the context of a screening population, where false positive identification of disease should be avoided. Analysis of the time-series CTs in a screening cohort with a model such as ours could help rule-in subjects who would warrant a more definitive evaluation of cardiac disease with for example a contrast-enhanced, gated coronary CT scan.
The improved performance of the Cox regression model when using time-series data confirms our hypothesis that capturing change in imaging features and therefore disease progression, is important when estimating mortality and has clear advantages over single timepoint data. The standard workflow for a radiologist analysing imaging data relies on the assessment of historic imaging to assess the extent of disease progression. Models utilising the additional information available through repeated imaging therefore should be better at estimating disease progression.
5. Conclusion and future works
The results shown in our study lead us to the following conclusions and directions for future studies:
-
1)
The comparison between the baseline CNN model and the main CRNN model indicates that capturing both local and global information in a patient's medical history can lead to better model performance and improved generalisation ability. Thus, unsurprisingly, medical images should not be viewed in isolation. Instead, longitudinal information should be captured to monitor disease progression. The next step would be deploying the current hybrid model on contemporaneous lung cancer screening studies. The SUMMIT study [5] provides such an opportunity where the ability to predict cardio-respiratory adverse events could be examined prospectively.
-
2)
The key objective of this study was to highlight subjects with increased risk of cardiovascular mortality. Once identified, it would be up to the clinician to perform more accurate, organ-specific further tests, both function and imaging-based to tease out the presence of cardiac and respiratory damage. It is unrealistic to suppose that a non-contrast low-dose CT as found in lung cancer screening populations can clearly separate cardiac risk from respiratory risk. Our model was not primarily designed to distinguish cardiac from respiratory mortality, as we believe such a separation is not clinically plausible. Instead, our model signposts those subjects in whom further, more powerful tests are warranted to identify groups in whom intervention in the form of preventative therapies (behaviour modification i.e. exercise or smoking cessation; statin and anti-platelet therapy; pneumococcal vaccination) should be implemented or heavily encouraged.
-
3)
It is clear from Study D and E that the limited variation in follow-up intervals across the NLST screening time points did not unduly influence long term survival prediction. It would be important to deploy models that consider irregular time interval acquisitions on non-protocolised real-world data to gauge the influence of irregular scanning intervals on estimations of disease progression.
-
4)
Simultaneously, it would be valuable to investigate the segmentation of the heart region and airways as an avenue to enhance the model's performance by incorporating supplementary information.
-
5)
An alternative to the proposed CRNN model would be a Vision Transformer (ViT) [37]. A transformer-based architecture was proposed by Sarasua et al. 2021 [38] to model spatio-temporal neuroanatomical changes in a patient's left hippocampus. To account for missing follow-up imaging timepoints, padding was applied to the sequences. We would therefore like to explore a time-dependent variant to our model to account for temporal heterogeneity.
Declaration of Competing Interest
There is no conflict of interest.
Acknowledgements
This work was supported by the International Alliance for Cancer Early Detection, an alliance between Cancer Research UK [C23017/A27935], Canary Center at Stanford University, the University of Cambridge, OHSU Knight Cancer Institute, University College London, and the University of Manchester. The authors would also like to thank the National Institute of Health Research (NIHR) UCLH Biomedical Research Centre for the funding.
The authors thank the National Cancer Institute for access to NCI's data collected by the National Lung Screening Trial (NLST). The statements contained herein are solely those of the authors and do not represent or imply concurrence or endorsement by NCI.
The GPU computing resource of this work is jointly provided by the following funders (and grants): CRUK International Alliance for Cancer Early Detection (ACED) (C23017/A27935); CRUK-EPSRC (NS/A000069/1); MRC-JPND (MR/T046473/1); Open Source Imaging Consortium; Royal Academy of Engineering (RF\201718\17140); UKRI /EPSRC /MRC (EP/R006032/1, EP/R014019/1, EP/T026693/1, EP/T029404/1, EP/V034537/1, EP/W00805X/1, MR/S03546X/1, MR/T019050/1); Wellcome Trust (209553/Z/17/Z, 221915/Z/20/Z).
The first author would like to thank Mr T Clark and Mr E Martin from the UCL CS Technical Support Group for their assistance with the CMIC GPU cluster.
Footnotes
ICD-10 codes: I10-I52.
ICD-10 codes: J00-J99.
The total processing time for 2154 patients, when fully parallelised on an Intel i7-10700K CPU, is approximately 20 hours while running on a SSD.
The code repository is available at: https://github.com/aeroelasticitylu/LRsurvival_CRNN.
Supplementary material related to this article can be found online at https://doi.org/10.1016/j.heliyon.2023.e18695.
Appendix A. Supplementary material
The following is the Supplementary material related to this article.
Data availability
The use of the NLST dataset is approved by the National Cancer Institute (NCI), under Project ID NLST-681.
References
- 1.Roth G.A., Abate D., Abate K.H., Abay S.M., Abbafati C., Abbasi N., Abbastabar H., Abd-Allah F., Abdela J., Abdelalim A., et al. Global, regional, and national age-sex-specific mortality for 282 causes of death in 195 countries and territories, 1980-2017: a systematic analysis for the Global Burden of Disease Study 2017. Lancet. 2018;392(10159):1736–1788. doi: 10.1016/S0140-6736(18)32203-7. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 2.Vos T., Lim S.S., Abbafati C., Abbas K.M., Abbasi M., Abbasifard M., Abbasi-Kangevari M., Abbastabar H., Abd-Allah F., Abdelalim A., et al. Global burden of 369 diseases and injuries in 204 countries and territories, 1990-2019: a systematic analysis for the Global Burden of Disease Study 2019. Lancet. 2020;396(10258):1204–1222. doi: 10.1016/S0140-6736(20)30925-9. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 3.United Nations Department of Economic and Social Affairs Population Division . 2022. World Population Prospects 2022: Summary of Result. Tech. Rep. UN DESA/POP/2022/TR/NO. 3. [Google Scholar]
- 4.de Koning H.J., van der Aalst C.M., de Jong P.A., Scholten E.T., Nackaerts K., Heuvelmans M.A., Lammers J.-W.J., Weenink C., Yousaf-Khan U., Horeweg N., van 't Westeinde S., Prokop M., Mali W.P., Hoesein F.A.M., van Ooijen P.M., Aerts J.G., den Bakker M.A., Thunnissen E., Verschakelen J., Vliegenthart R., Walter J.E., ten Haaf K., Groen H.J., Oudkerk M. Reduced lung-cancer mortality with volume CT screening in a randomized trial. N. Engl. J. Med. 2020;382(6):503–513. doi: 10.1056/NEJMoa1911793. [DOI] [PubMed] [Google Scholar]
- 5.Horst C., Dickson J.L., Tisi S., Ruparel M., Nair A., Devaraj A., Janes S.M. Delivering low-dose CT screening for lung cancer: a pragmatic approach. Thorax. 2020;75(10):831–832. doi: 10.1136/thoraxjnl-2020-215131. [DOI] [PubMed] [Google Scholar]
- 6.National Lung Screening Trial Research Team The National Lung Screening Trial: overview and study design. Radiology. 2011;258(1):243–253. doi: 10.1148/radiol.10091808. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 7.National Lung Screening Trial Research Team Reduced lung-cancer mortality with low-dose computed tomographic screening. N. Engl. J. Med. 2011;365(5):395–409. doi: 10.1056/NEJMoa1102873. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 8.Aberle D.R., DeMello S., Berg C.D., Black W.C., Brewer B., Church T.R., Clingan K.L., Duan F., Fagerstrom R.M., Gareen I.F., et al. Results of the two incidence screenings in the National Lung Screening Trial. N. Engl. J. Med. 2013;369(10):920–931. doi: 10.1056/NEJMoa1208962. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 9.Centers for Disease Control and Prevention, National Center for Chronic Disease Prevention and Health Promotion, Office on Smoking and Health . 2010. How Tobacco Smoke Causes Disease: The Biology and Behavioral Basis for Smoking-Attributable Disease: A Report of the Surgeon General. [PubMed] [Google Scholar]
- 10.Pope C.A., III, Burnett R.T., Turner M.C., Cohen A., Krewski D., Jerrett M., Gapstur S.M., Thun M.J. Lung cancer and cardiovascular disease mortality associated with ambient air pollution and cigarette smoke: shape of the exposure-response relationships. Environ. Health Perspect. 2011;119(11):1616–1621. doi: 10.1289/ehp.1103639. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 11.van Velzen S.G., Zreik M., Lessmann N., Viergever M.A., de Jong P.A., Verkooijen H.M., Išgum I. vol. 10949. International Society for Optics and Photonics; 2019. Direct Prediction of Cardiovascular Mortality from Low-Dose Chest CT Using Deep Learning; p. 109490X. (Medical Imaging 2019: Image Processing). [DOI] [Google Scholar]
- 12.Guo H., Kruger U., Wang G., Kalra M.K., Yan P. Knowledge-based analysis for mortality prediction from CT images. IEEE J. Biomed. Health Inform. 2019;24(2):457–464. doi: 10.1109/JBHI.2019.2946066. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 13.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(1):2963. doi: 10.1038/s41467-021-23235-4. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 14.Jacobs P.C., Gondrie M.J., van der Graaf Y., de Koning H.J., Isgum I., van Ginneken B., Mali W.P. Coronary artery calcium can predict all-cause mortality and cardiovascular events on low-dose CT screening for lung cancer. Am. J. Roentgenol. 2012;198(3):505–511. doi: 10.2214/AJR.10.5577. [DOI] [PubMed] [Google Scholar]
- 15.Chiles C., Duan F., Gladish G.W., Ravenel J.G., Baginski S.G., Snyder B.S., DeMello S., Desjardins S.S., Munden R.F., Team N.S. Association of coronary artery calcification and mortality in the national lung screening trial: a comparison of three scoring methods. Radiology. 2015;276(1):82–90. doi: 10.1148/radiol.15142062. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 16.Gheisari S., Shariflou S., Phu J., Kennedy P.J., Agar A., Kalloniatis M., Golzan S.M. A combined convolutional and recurrent neural network for enhanced glaucoma detection. Sci. Rep. 2021;11(1):1–11. doi: 10.1038/s41598-021-81554-4. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 17.Petmezas G., Cheimariotis G., Stefanopoulos L., Rocha B., Paiva R.P., Katsaggelos A.K., Maglaveras N. Automated lung sound classification using a hybrid CNN-LSTM network and focal loss function. Sensors. 2022;22(3):1232. doi: 10.3390/s22031232. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 18.Santeramo R., Withey S., Montana G. Deep Learning in Medical Image Analysis and Multimodal Learning for Clinical Decision Support. Springer; 2018. Longitudinal detection of radiological abnormalities with time-modulated LSTM; pp. 326–333. [DOI] [Google Scholar]
- 19.Gao R., Huo Y., Bao S., Tang Y., Antic S.L., Epstein E.S., Balar A.B., Deppen S., Paulson A.B., Sandler K.L., Massion P.P., Landman B.A. International Workshop on Machine Learning in Medical Imaging. Springer; 2019. Distanced LSTM: time-distanced gates in long short-term memory models for lung cancer detection; pp. 310–318. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 20.Baytas I.M., Xiao C., Zhang X., Wang F., Jain A.K., Zhou J. Proceedings of the 23rd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining. 2017. Patient subtyping via time-aware LSTM networks; pp. 65–74. [DOI] [Google Scholar]
- 21.Cox D.R. Regression models and life-tables. J. R. Stat. Soc., Ser. B, Methodol. 1972;34(2):187–202. doi: 10.1111/j.2517-6161.1972.tb00899.x. [DOI] [Google Scholar]
- 22.Katzman J.L., Shaham U., Cloninger A., Bates J., Jiang T., Kluger Y. DeepSurv: personalized treatment recommender system using a Cox proportional hazards deep neural network. BMC Med. Res. Methodol. 2018;18(1):1–12. doi: 10.48550/arXiv.2203.11391. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 23.Mobadersany P., Yousefi S., Amgad M., Gutman D.A., Barnholtz-Sloan J.S., Velázquez Vega J.E., Brat D.J., Cooper L.A. Predicting cancer outcomes from histology and genomics using convolutional networks. Proc. Natl. Acad. Sci. 2018;115(13):E2970–E2979. doi: 10.1073/pnas.171713911. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 24.Shahin A.H., Jacob J., Alexander D.C., Barber D. Survival analysis for idiopathic pulmonary fibrosis using ct images and incomplete clinical data. 2022. arXiv:2203.11391https://doi.org/10.1186/s12874-018-0482-1 arXiv preprint.
- 25.Lu Y., Aslani S., Emberton M., Alexander D.C., Jacob J. Deep learning-based long term mortality prediction in the National Lung Screening Trial. IEEE Access. 2022;10:369–34 378. doi: 10.1109/ACCESS.2022.3161954. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 26.Liao F., Liang M., Li Z., Hu X., Song S. Evaluate the malignancy of pulmonary nodules using the 3D deep leaky noisy-or network. IEEE Trans. Neural Netw. Learn. Syst. 2019;30(11):3484–3495. doi: 10.1109/tnnls.2019.2892409. [DOI] [PubMed] [Google Scholar]
- 27.Garyfallidis E., Brett M., Amirbekian B., Rokem A., Van Der Walt S., Descoteaux M., Nimmo-Smith I., Contributors D. DIPY, a library for the analysis of diffusion MRI data. Front. Neuroinform. 2014;8:8. doi: 10.3389/fninf.2014.00008. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 28.He K., Zhang X., Ren S., Sun J. 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR) 2016. Deep residual learning for image recognition; pp. 770–778. [DOI] [Google Scholar]
- 29.Chen S., Ma K., Zheng Y. Med3d: transfer learning for 3D medical image analysis. 2019. arXiv:1904.00625 arXiv preprint.
- 30.Foret P., Kleiner A., Mobahi H., Neyshabur B. Sharpness-aware minimization for efficiently improving generalization. 2020. arXiv:2010.01412https://doi.org/10.48550/arXiv.2010.01412 arXiv preprint.
- 31.Chicco D., Jurman G. The advantages of the Matthews correlation coefficient (MCC) over F1 score and accuracy in binary classification evaluation. BMC Genomics. 2020;21(1):1–13. doi: 10.1186/s12864-019-6413-7. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 32.DeLong E.R., DeLong D.M., Clarke-Pearson D.L. Comparing the areas under two or more correlated receiver operating characteristic curves: a nonparametric approach. Biometrics. 1988:837–845. [PubMed] [Google Scholar]
- 33.Sun X., Xu W. Fast implementation of DeLong's algorithm for comparing the areas under correlated receiver operating characteristic curves. IEEE Signal Process. Lett. 2014;21(11):1389–1393. doi: 10.1109/LSP.2014.2337313. [DOI] [Google Scholar]
- 34.Selvaraju R.R., Cogswell M., Das A., Vedantam R., Parikh D., Batra D. 2017 IEEE International Conference on Computer Vision (ICCV) 2017. Grad-CAM: visual explanations from deep networks via gradient-based localization; pp. 618–626. [DOI] [Google Scholar]
- 35.Uno H., Cai T., Pencina M.J., D'Agostino R.B., Wei L.-J. On the C-statistics for evaluating overall adequacy of risk prediction procedures with censored survival data. Stat. Med. 2011;30(10):1105–1117. doi: 10.1002/sim.4154. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 36.Harrell F.E., Jr, Lee K.L., Mark D.B. Multivariable prognostic models: issues in developing models, evaluating assumptions and adequacy, and measuring and reducing errors. Stat. Med. 1996;15(4):361–387. doi: 10.1002/(SICI)1097-0258(19960229)15:4%3C361::AID-SIM168%3E3.0.CO;2-4. [DOI] [PubMed] [Google Scholar]
- 37.Dosovitskiy A., Beyer L., Kolesnikov A., Weissenborn D., Zhai X., Unterthiner T., Dehghani M., Minderer M., Heigold G., Gelly S., et al. An image is worth 16x16 words: transformers for image recognition at scale. 2020. arXiv:2010.11929https://doi.org/10.48550/arXiv.2010.11929 arXiv preprint.
- 38.Sarasua I., Pölsterl S., Wachinger C. Machine Learning in Medical Imaging: 12th International Workshop, MLMI 2021, Held in Conjunction with MICCAI 2021, Strasbourg, France, September 27, 2021, Proceedings 12. Springer; 2021. Transformesh: a transformer network for longitudinal modeling of anatomical meshes; pp. 209–218. [DOI] [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Supplementary Materials
Data Availability Statement
The use of the NLST dataset is approved by the National Cancer Institute (NCI), under Project ID NLST-681.