- 1School of Biomedical Engineering, Shanghai Jiao Tong University, Shanghai, China
- 2Department of Radiology, West China Hospital of Sichuan University, Chengdu, China
- 3Department of Research and Development, Shanghai United Imaging Intelligence Co., Ltd., Shanghai, China
- 4Department of Pulmonary Medicine, Shanghai Chest Hospital, Shanghai Jiao Tong University, Shanghai, China
Background: Intracranial aneurysm (IA) is a nodular protrusion of the arterial wall caused by the localized abnormal enlargement of the lumen of a brain artery, which is the primary cause of subarachnoid hemorrhage. Accurate rupture risk prediction can effectively aid treatment planning, but conventional rupture risk estimation based on clinical information is subjective and time-consuming.
Methods: We propose a novel classification method based on the CTA images for differentiating aneurysms that are prone to rupture. The main contribution of this study is that the learning-based method proposed in this study leverages deep learning and radiomics features and integrates clinical information for a more accurate prediction of the risk of rupture. Specifically, we first extracted the provided aneurysm regions from the CTA images as 3D patches with the lesions located at their centers. Then, we employed an encoder using a 3D convolutional neural network (CNN) to extract complex latent features automatically. These features were then combined with radiomics features and clinical information. We further applied the LASSO regression method to find optimal features that are highly relevant to the rupture risk information, which is fed into a support vector machine (SVM) for final rupture risk prediction.
Results: The experimental results demonstrate that our classification method can achieve accuracy and AUC scores of 89.78% and 89.09%, respectively, outperforming all the alternative methods.
Discussion: Our study indicates that the incorporation of CNN and radiomics analysis can improve the prediction performance, and the selected optimal feature set can provide essential biomarkers for the determination of rupture risk, which is also of great clinical importance for individualized treatment planning and patient care of IA.
1. Introduction
Intracranial aneurysm (IA) is a localized weak or thin spot on a brain artery, which generally balloons or bulges out and is filled with blood. Intracranial aneurysms (IAs) are commonly believed to result from a combination of genetic and environmental factors. Congenital defects in the arterial wall, including thinning or weakening of the vessel walls, can increase the risk of an aneurysm forming (1–3). The bulging aneurysm presses on brain nerves or tissues, which may burst or rupture and lead to hemorrhage. The ruptured aneurysm can cause serious health problems such as hemorrhagic stroke, brain damage, coma, and even death (4). For example, subarachnoid hemorrhage (SAH) caused by a ruptured aneurysm is life-threatening with a fatality rate of above 40% and can cause life-long cognitive impairment (5).
Current medical imaging methods for cerebral IA diagnosis include digital subtraction angiography (DSA), magnetic resonance angiography (MRA), and computed tomography angiography (CTA). Although DSA is still considered the gold standard for IA diagnosis, CTA has been proven to be an efficient method with lower cost and easier access for most patients in the actual clinical scenario (6, 7). 3D-CTA can provide detailed visualization of the anatomical structures of blood vessels in the brain and can characterize the relationship between the aneurysm and its surrounding spatial structure more comprehensively.
Although doctors can detect intracranial aneurysms based on the CTA images, it remains challenging for predicting if they are prone to rupture. It may cause difficulties in choosing preventive or conservative treatments as the former may face high surgical risk while the latter has the risk of cerebral hemorrhage caused by ruptured aneurysms. Therefore, an accurate aneurysm rupture risk prediction method is highly in demand for the treatment planning and patient care of aneurysms.
Several statistical studies have investigated risk factors for the rupture of IA, which include the aneurysm's morphology, hemodynamics, and patient-specific factors (8–13). Furthermore, Greving et al. (14) conducted a systematic review and pooled individual data analysis from 8,382 participants with subarachnoid hemorrhage as the outcome. The practical risk score assessment named PHASES was developed based on their findings. It has become one of the major assessment methods for predicting the 5-year rupture risk of unruptured IAs. In addition, some common biomechanical and hemodynamic methods have also been used for IA rupture risk estimation. Meng et al. (15) proposed an image-based computational fluid dynamic model, which demonstrated the association between hemodynamics and the rupture risk of IA.
Recently, many attempts have also been made to construct the IA rupture risk prediction models using machine learning (ML) technologies such as K-nearest neighbors (KNN) (16, 17), random forest (RF) (18, 19), support vector machine (SVM) (20), and neural networks (21). For example, An et al. (16) used five distinct classification models (XGBoost, KNN, RF, SVM, and LR) for IA rupture risk prediction with multi-dimensionally fused features. Zhu et al. (22) also adopted multiple ML methods (SVM, RF, and ANN) for IA stability assessments based on clinical features and morphological features from 3D DSA. Shi et al. (23) integrated clinical, morphologic, and hemodynamic features to build a composite model and compared the performance between several ML models (SVM, RF, LR, and multilayer perceptron) on the rupture risk prediction task of small aneurysms using CTA. To enhance the assessment of lesion characteristics in medical imaging, radiomics has been introduced to offer more comprehensive features such as shape and texture. The extracted radiomics features are then fed into machine learning algorithms for analysis. For example, Alwalid et al. (24) conducted a radiomics analysis on CTA images of patients with ruptured aneurysms and selected the most important features to construct a logistic regression model.
Recently, there have been significant improvements in medical image processing using deep learning technology. Deep learning methods such as convolutional neural network (CNN) can learn complex features from medical images and construct models with advantageous performance. Several studies have demonstrated the effectiveness of deep learning for diagnosing and predicting the progression of brain diseases (25–28). For instance, Jnawali et al. (29) proposed a fully automated deep learning framework that learns to classify brain hemorrhage cases based on cross-sectional CT images. Dai et al. (30) applied deep learning to facilitate the detection of cerebrovascular aneurysms on CTA scans. Bizjak et al. (31) proposed a deep-shaped feature extraction model that uses PointNet++ architecture to predict the growth and rupture risk of the aneurysm using CTA and MRA images. Li et al. (32) proposed a deep learning method that can directly apply to 3D CTA data without the need for manually measured features. Turhon et al. (33) proposed a deep learning model based on multi-omics factors. These studies indicate that deep learning methods can effectively extract key features from medical images for the diagnosis of brain-related diseases. However, it is essential to note that deep learning methods require a substantial amount of training data to create an effective encoder for feature extraction. As collecting a large number of medical image samples is often expensive and challenging, it is also crucial to develop robust classification methods that can make use of comprehensive features without the need for a large quantity of training data.
In this study, we proposed a novel framework for estimating the risk of cerebral aneurysm rupture. To achieve this, we proposed to extract features from CNN, radiomics, and clinical information. In turn, we applied a feature selection method to obtain an optimal feature set that is highly correlated with the patient's IA rupture information. Finally, we employed SVM to perform the final classification. The proposed method utilizes complex feature extraction techniques such as deep learning, radiomics, and machine learning to extract intricate features from IA images and clinical information. Our model offers better adaptability for classification in situations with limited datasets and realizes effective feature fusion that combines radiomics information, CNN information, and machine learning to improve the performance of aneurysm rupture risk prediction.
The main contributions of this study can be summarized as follows:
(1) We proposed a framework that integrates deep learning, radiomics, and clinical features to estimate the rupture risk of intracranial aneurysms from a more comprehensive perspective.
(2) We proposed a method that combines deep learning techniques with machine learning to achieve better classification performance.
2. Materials and methods
2.1. Materials
There were two datasets used for model construction and validation in our study.
The 301 dataset was collected from the Cooperative Beijing 301 Hospital. The 301 dataset has 239 CTA images with their corresponding segmentation of the aneurysm. After data cleaning, a total of 106 IA cases were included in the analysis due to incomplete patient information in some CTA images. The ground truth of UIA/RIA was based on the follow-up of the patients' statuses, and IAs were manually segmented by the clinical experts. Note that informed consent was obtained from all patients for the use of their information including clinical records and CTA images.
The Large IA Segmentation Dataset (LIASD) (https://doi.org/10.5281/zenodo.6801398) (28) is an open-source dataset containing 1338 CTA images with the corresponding segmentation and follow-up information.
The clinical information for the two datasets mainly includes gender, age, and the risk status of the aneurysm. Detailed demographic patient information can be found in Table 1. Each aneurysm can be either unruptured IA (UIA) or ruptured IA (RIA).
Figure 1 shows examples of rupture and unruptured aneurysms, and it is difficult to distinguish if they are UIA or RIA directly from the image. In this way, we pre-process the images to make them more convenient to use. Since the raw CTA images have different voxel spacing, we rescaled all of them to the same physical size. Specifically, each voxel in the image should correspond to its appropriate physical size, by rescaling all CTA images to 0.39 × 0.39 × 0.39mm3. Based on the provided aneurysm segmentation annotations, we extracted the bounding box of each aneurysm in all CTA images. We extracted a patch for each aneurysm by setting the center of the patch as the center of the corresponding bounding box. We extracted each patch as a 3D cube of 64 × 64 × 64 in voxel space. This method ensures that the extracted 3D patch contains sufficient information on the vascular structure while avoiding the degradation of the performance caused by the extract's excessive size. Examples of the CTA images with their extracted patches are shown in Figure 2. We also normalized the image intensity by setting CT window width (WW) to 110Hu and window level (WL) to 40Hu based on clinical experience.
Figure 2. Example of preprocessed CTA image. The red color represents the IA segmentation mask from the extracted 3D patch.
2.2. Methodology
To predict the risk status of IA, we proposed a novel classification framework that combines CNN and radiomics technology as shown in Figure 3. Note that CNN is used to quantitatively describe the highly sophisticated image features, while radiomics is used to quantitatively describe the traditional image features. Therefore, the main idea is to obtain both the radiomics and CNN visual features from the collected images with the annotated region and incorporate the patient's clinical information for constructing the overall feature vector. Then, we used the LASSO regression method to find the optimal subset of features that are highly correlated with the prediction outcome. This can eliminate redundant information and simplify the model for preventing overfitting issues. Finally, the selected features were used to train the required classifier through SVM.
Figure 3. The proposed classification framework for IA rupture risk estimation. The input of this classification network is clinical information and CTA images, and the output is the prediction of risk status.
2.2.1. CNN feature extraction
Deep convolutional neural networks have the ability to extract deep features from images. Our 3D CNN architecture has been developed from the ResNet network (34), which is a classical deep convolutional neural network for analyzing images. Since ResNet has different configurations according to their layer number settings, we use ResNet-18 as the backbone to extract CNN features, which is sufficient to extract image features. As the input data were three-dimensional, and ResNet was originally designed for two-dimensional images, we replaced the 2D convolutional layer and 2D pooling layer of ResNet-18 with a 3D convolutional layer and 3D pooling layer. The input of ResNet-18 is the preprocessed 3D patch with the aneurysm lesion, and the output is the predicted rupture risk. In the process of feature fusion, we used the trained model to extract CNN features by extracting the deep feature vectors before fully connected layers. Note that we also tried VGG as the backbone in the experiments, which is also widely applied for extracting deep learning features. However, its performance was not comparable with that of ResNet. In addition, we used random flipping for data augmentation to guarantee the robustness of the trained model.
2.2.2. Radiomics feature extraction
We used PyRadiomics (35) to extract radiomics features from the 3D patch and the segmentation map. PyRadiomics is an open-source Python package for medical image processing, analysis, and interpretation. These features can be sub-divided into seven classes: First Order Statistics, Shape (3D), Gray Level Co-occurrence Matrix (GLCM), Gray Level Run Length Matrix (GLRLM), Gray Level Size Zone Matrix (GLSZM), Neighboring Gray Tone Difference Matrix (NGTDM), and Gray Level Dependence Matrix (GLDM). We hypothesize that these features can provide helpful additional information for predicting the risk of rupture since these contain relatively deep morphology and texture features of the aneurysm.
2.2.3. LASSO feature selection
After feature extraction, we had a total of 650 features, including 512 CNN features, 136 radiomics features, and 2 clinical features (age and gender). Among these features, some may not be relevant to rupture risk prediction. Therefore, we used the least absolute shrinkage and selection (LASSO) regression to select features that have a strong correlation with rupture risk and to prevent the issue of overfitting while constructing the classifier. The LASSO regression is a model in which the L1 norm constraint term is added to the cost function of the linear regression model. The optimization goal can be represented as Equation (2.1). It conducts variable screening and complexity adjustment through the penalty coefficient λ:
2.2.4. SVM-based risk status prediction
In this study, we used SVM to predict the risk of aneurysm rupture after feature extraction and selection. SVM is one of the most popular supervised learning algorithms in classification and regression problems. The algorithm is lightweight and efficient and has an excellent performance in high-dimensional vector space, which is more suitable in the scenario where the dataset has limited image samples. Note that in experiments, we also compared its performance with the fully connected layers of the ResNet. Each IA image has a selected feature vector with its ground truth of UIA/RIA labels, which is used to train the classifier via SVM.
3. Experiments and results
Since the 301 dataset is relatively small (106 cases total) for training an aneurysm rupture risk prediction task, the model is easy to be overfitted during the training process and hard to obtain acceptable performance (accuracy = 70.83% on the 301 test set). Therefore, we first used the large dataset, which is the LIASD dataset to train our baseline model (ResNet-18) and obtained the pre-trained model. Based on the pre-trained model, we used the 3-fold cross-validation to finetune and evaluate our proposed model. Deploying pre-trained models designed for larger datasets on smaller counterparts is beneficial as it provides a plausible solution to the issue of limited sample size. Moreover, we conducted an ablation analysis to ascertain the significance of the techniques in our framework toward the enhancement of rupture risk prediction.
Specifically, we have three types of features during the experiment: features extracted from the CTA image patch using ResNet-18 (Deep Features); radiomics features extracted from the original CTA image and the corresponding aneurysm masks using PyRadiomics (Radiomics Features); and clinical information of patients includes gender and age (clinical features). To evaluate the improvement of our approach, we conducted our cross-validation experience using the following five methods with different configurations:
(1) ResNet: Fine-tune the pre-trained ResNet-18 with only the CTA images to obtain the final classification.
(2) ResNet + SVM: Feed deep features to the SVM classifier to generate the final classification results.
(3) FCB-ResNet (feature concatenate before FC layer): Concatenate deep features, radiomics features, and clinical features before fully connected layers of ResNet-18, and then obtain the prediction result of ruptured IA.
(4) FC-SVM (feature concatenate + SVM): First, feed the concatenate deep features, radiomics features, and clinical features, and then feed the fusion feature vector to the SVM classifier to generate the final classification results.
(5) FC-LSVM (feature concatenate + LASSO + SVM, the proposed method): Feed the concatenate deep features, radiomics features, and clinical features. Then, select features of high importance using LASSO regression, and finally, feed the fusion feature vector to the SVM classifier to generate the final classification results.
The experimental platform of our study is the Debian 5.16.12 operating system. We performed all experiments on an NVIDIA 3090 Ti GPU.
The F2 score is the weighted harmonic mean of the precision and recall, which gives more weight to recall than to precision. For the task of predicting rupture risk, false-negatives are considered worse than false-positives. Therefore, the F2-score is also considered the main evaluation metric besides accuracy in this study.
The experimental results are shown in Table 2, in which ResNet-18 is our baseline method as previously mentioned. It can be observed from Table 2 that the SVM classifier performs better than the original fully connected layers in the ResNet-18 model, with an improvement of 9.40% in accuracy compared with the baseline model. As envisioned earlier, the clinical information of patients and the radiomics features have offered more information for the rupture risk evaluation task since the accuracy rises by 6.84% compared with the baseline model just by adding these features before the fully connected layer. However, when operating the two lifting facts at the same time, we did not observe a further increase in accuracy, and the recall rate decreased significantly by over 10%. In addition, although SVM is good at handling high-dimensional information, its performance is highly dependent on the quality of the feature vectors, which means too much redundant information may instead reduce the performance. Table 2 shows that the proposed method with feature selection obtained the best performance with an accuracy of 89.78 ± 4.79% and an F2-score of 79.06 ± 5.70%. The area under the curve (AUC) of the receiver operating characteristic (ROC) curve can measure the quality of the classification model, and a higher AUC represents better performance. The corresponding ROC curve is presented in Figure 4.
Note that by using LASSO regression, we eliminated numerous redundant features and discovered that 61 features are highly correlated with the risk of aneurysm rupture. The 61 features can be grouped into three categories: clinical features, radiomics features, and CNN features. Table 3 provides specific measurements of the dimensions of the three groups of features. We elaborate on both the name and the characteristics of each clinical and imaging feature to aid in interpreting the features. Note that we do not provide further information for the selected CNN features since they are extracted from the constructed model and their feature representations are generally impractical to explore.
We then used the Delong test to observe the significance of different methods, and the P-values are listed in Table 4. Although our model performs best in terms of performance, there is no statistical difference between the different models. We consider that the high p-value is caused by the small size of the dataset and the imbalance of sample numbers.
We also compared our method with the alternative study by Liu et al. (3) and Li et al. (32). Liu et al. extracted morphological features manually and combined them with data distribution features extracted using PyRadiomics and CNN network and tried both XGBoost and FCN for final classification. Li et al. proposed a deep learning method called TransIAR net that can be directly applied to 3D computed tomography angiography (CTA) data without manually measured features. The method used a multiscale 3D CNN and a transformer encoder to extract the structural patterns and spatial dependence of the aneurysm and its neighborhood. The comparison results are shown in Table 5, in which our method improves accuracy by 3.3% (compared to 0.865), recall by 9.6% (compared to 0.700), and the F2-score by 6.2% (compared to 0.729). However, the method proposed by Liu et al. showed better precision (0.875). Overall, we still consider that our method outperformed the work of Liu et al. as accuracy and the F2-score are more important in the rupture prediction scenario.
4. Discussion
In summary, we proposed a novel feature fusion framework for aneurysm rupture risk prediction. Our approach combines the features extracted by CNN with the radiomics features and clinical information of patients, filters the features using LASSO regression to provide high-quality input to the SVM classifier, and finally achieves high accuracy (0.8978 ± 0.0479) and F2-score (0.7906 ± 0.0570). The importance of the selected features in assisting the diagnosis of aneurysms is later discussed in this section.
We successfully addressed the problem of overfitting during model training and poor generalizability due to the limited size (106 cases totally) and uneven distribution of the 301 dataset using a pre-training approach on the larger LIASD dataset, followed by fine-tuning on the 301 dataset. By using this strategy, the classification accuracy of our model on the 301 dataset improved by 18.95% (89.78% vs. 70.83%). We further analyzed the selected features in experiments and summarized the advantages and disadvantages of our approach. As previously mentioned, we finally obtained the 61-dimensional feature vector for each aneurysm to predict the rupture risk, which is considered to have high correlations with the rupture risk. The optimal 61-dimensional feature vector contains three types of vectors:
(1) 1-dimensional vector concerning the clinical information of the patient
(2) 9-dimensional vector concerning the radiomics features
(3) 51-dimensional vector extracted by ResNet.
We focused on age and gender as clinical factors since previous studies have indicated their association with the rupture risk of intracranial aneurysms. For the two clinical features, gender is finally selected, indicating that there is a high correlation between gender and rupture risk. In our dataset, more patients are female, and women had a lower risk of aneurysm rupture than men. One study has shown that UIAs are more common in women than men (36). Differences between genders in the incidence of SAH have been consistently concerned since SAH disproportionally affects women. A prospective study of SAH in Texas between 2000 and 2006 showed that women have an age-adjusted risk ratio of 1.74 compared to men (37). It should be noted that, despite previous research suggesting that the risk of IA increases with age (38), the feature on age was excluded during feature selection. We attribute it to the fact that the age range of the two datasets is concentrated between 50 and 65 (the patients' age in the LIASD and 301 datasets is 57.7 ± 12.9 and 57.3 ± 12.3), which undermines its influences on the rupture risk prediction work.
Morphological features selected from the radiomics feature group for analysis primarily describe the morphological characteristics of aneurysms, including their shape, size, and surface area. These features are relatively easy to interpret and are essential for accurate diagnosis and treatment planning. It is generally believed that aneurysm size is the most significant factor affecting the risk of aneurysm rupture. It is widely recognized that the likelihood of aneurysm rupture has a linear relationship with the diameter of the aneurysm (39). The shape, size, and surface area of the aneurysm may combine to reflect the pressure of blood on the aneurysm wall, suggesting hemodynamic characteristics near the aneurysm. Studies have also shown that systolic blood pressure (SBP) is a strong predictor of aneurysm rupture (40, 41). These characteristics reflect the possibility of aneurysm rupture from the aspect of biomechanical factors.
In addition to morphological features, features that describe the gray-level information of the original CTA image were also selected. These features describe the contribution and co-occurrence of gray levels, providing valuable insights into the context and location information of the aneurysm. We believe that the heterogeneity and coarseness of the texture could indicate the malignancy of an aneurysm. According to a multivariate analysis published by Lacent, aneurysm location is a predictor of brain hemorrhage. The most frequent site of aneurysm rupture is the tip of the basilar artery, followed by the cavernous artery and posterior communicating artery as the reference group (42). In conclusion, the abovementioned features selected from the clinical feature group and the radiomics feature group were consistent with clinical experience and prior explorations.
CNN features were selected from the feature map generated by ResNet-18. As a classical deep convolution network, ResNet-18 can extract more comprehensive features that can characterize the properties of the target lesions. Furthermore, the deep features extracted by CNN from images, the radiomics information describing the morphological and texture features of the aneurysm and its contextual environment, and the patient's personal information such as gender are complementary to each other in the aneurysm rupture risk prediction task.
As a limitation of our study, it should be noted that the clinical information of patients in the two datasets only contains the age and gender, and more information can be collected in the future to further explore if they can contribute to the improvement of the rupture risk prediction task. Additionally, although the current feature fusion method is proved effective via experiments, it remains simple and more investigations can be made for designing the feature fusion strategy to further improve the performance of our approach.
5. Conclusion
In this study, we propose a novel classification framework to predict the risk status of IA. Specifically, image features are extracted using both CNN and radiomics and combined with patients' clinical information for predictions. Our proposed framework outperforms all other methods, with the highest measures of accuracy, F2-score, and AUC of ROC. In future work, we will investigate the use of domain adaptation techniques to enhance the robustness and accuracy of our proposed method for application in multi-site scenarios.
Data availability statement
The original contributions presented in the study are included in the article/supplementary material, further inquiries can be directed to the corresponding authors.
Ethics statement
Written informed consent was obtained from the individual(s) for the publication of any potentially identifiable images or data included in this article.
Author contributions
LZ, FS, MW, FP, and BS contributed to the conception and design of the study. MW organized the database. YX, SL, and HL finished the experiments. YX wrote the first draft of the manuscript. FS and LZ finalized the manuscript. All authors contributed to manuscript revision, read, and approved the submitted version.
Funding
This study was funded in part by the National Natural Science Foundation of China (81830056 and 62001292), the National Key Research and Development Program of China (2018YFC0116400), and the Scientific Research Project of Shanghai Municipal Health Commission (20194Y0168).
Conflict of interest
FS was employed by Shanghai United Imaging Intelligence Co., Ltd.
The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.
Publisher's note
All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.
References
1. Xia K, Chen Q. Effect of lumbar cistern drainage combined with nimodipine on cerebral vasospasm after intracranial aneurysm intervention. Indian J Pharm Sci. (2020) 0:58–62. doi: 10.36468/pharmaceutical-sciences.spl.37
2. Gao Y, Yue Y, Zheng H, Yao H. GLUT-Net: Trans-based segmentation network for intracranial aneurysms in 3D CTA. In: 2022 16th ICME International Conference on Complex Medical Engineering (CME) (Zhongshan: IEEE). (2022). p. 156–159.
3. Liu Y, Yang Y, Lin Y, Li Y, Wei D, Ma K, Zheng Y. Cerebral Aneurysm Rupture Risk Estimation Using XGBoost and Fully Connected Neural Network. In:Hennemuth A, Goubergrits L, Ivantsits M, Kuhnigk J-M, , editors. Cerebral Aneurysm Detection and Analysis. Lecture Notes in Computer Science. Cham: Springer International Publishing (2021). p. 87–92 doi: 10.1007/978-3-030-72862-5_9
4. Cerebral, Aneurysms Fact Sheet,. National Institute of Neurological Disorders and Stroke. Available online at: https://www.ninds.nih.gov/cerebral-aneurysms-fact-sheet (accessed November 26, 2022).
5. van Gijn J, Kerr RS, Rinkel GJE. Subarachnoid haemorrhage. Lancet. (2007) 369:306–18. doi: 10.1016/S0140-6736(07)60153-6
6. Kouskouras C, Charitanti A, Giavroglou C, Foroglou N, Selviaridis P, Kontopoulos V, et al. Intracranial aneurysms: evaluation using CTA and MRA. Correlation with DSA and intraoperative findings. Neuroradiology. (2004) 46:842–50. doi: 10.1007/s00234-004-1259-2
7. Ni QQ, Chen GZ, Schoepf UJ, Klitsie Ma. J, Cecco CND, Zhou CS, et al. Cerebral CTA with low tube voltage and low contrast material volume for detection of intracranial aneurysms. Am J Neuroradiol. (2016) 37:1774–80. doi: 10.3174/ajnr.A4803
8. Chabert S, Mardones T, Riveros R, Godoy M, Veloz A, Salas R, et al. Applying machine learning and image feature extraction techniques to the problem of cerebral aneurysm rupture. Res Ideas Outcomes. (2017) 3:e11731. doi: 10.3897/rio.3.e11731
9. Detmer FJ, Hadad S, Chung BJ, Mut F, Slawski M, Juchler N, et al. Extending statistical learning for aneurysm rupture assessment to Finnish and Japanese populations using morphology, hemodynamics, and patient characteristics. Neurosurg Focus. (2019) 47:E16. doi: 10.3171/2019.4.FOCUS19145
10. Xiang J, Natarajan SK, Tremmel M, Ma D, Mocco J, Hopkins LN, et al. Hemodynamic–morphologic discriminants for intracranial aneurysm rupture. Stroke. (2011) 42:144–52. doi: 10.1161/STROKEAHA.110.592923
11. Suzuki M, Haruhara T, Takao H, Suzuki T, Fujimura S, Ishibashi T, et al. Classification Model for Cerebral Aneurysm Rupture Prediction using Medical and Blood-flow-simulation Data. In: Proceedings of the 11th International Conference on Agents and Artificial Intelligence. Prague: SCITEPRESS - Science and Technology Publications (2019). p. 895–899 doi: 10.5220/0007691708950899
12. Chen G, Lu M, Shi Z, Xia S, Ren Y, Liu Z, et al. Development and validation of machine learning prediction model based on computed tomography angiography–derived hemodynamics for rupture status of intracranial aneurysms: a Chinese multicenter study. Eur Radiol. (2020) 30:5170–82. doi: 10.1007/s00330-020-06886-7
13. Kleinloog R, de Mul N, Verweij BH, Post JA, Rinkel GJE, Ruigrok YM. Risk factors for intracranial aneurysm rupture: a systematic review. Neurosurgery. (2018) 82:431–40. doi: 10.1093/neuros/nyx238
14. Greving JP, Wermer MJH, Brown RD, Morita A, Juvela S, Yonekura M, et al. Development of the PHASES score for prediction of risk of rupture of intracranial aneurysms: a pooled analysis of six prospective cohort studies. Lancet Neurol. (2014) 13:59–66. doi: 10.1016/S1474-4422(13)70263-1
15. Meng H, Tutino VM, Xiang J, Siddiqui A. High WSS or low WSS? Complex interactions of hemodynamics with intracranial aneurysm initiation, growth, and rupture: toward a unifying hypothesis. AJNR Am J Neuroradiol. (2014) 35:1254–62. doi: 10.3174/ajnr.A3558
16. An X, He J, Di Y, Wang M, Luo B, Huang Y, Ming D. Intracranial aneurysm rupture risk estimation with multidimensional feature fusion. Front Neurosci. (2022) 16:813056. doi: 10.3389/fnins.2022.813056
17. Cover T, Hart P. Nearest neighbor pattern classification. IEEE Trans Inform Theory. (1967) 13:21–7. doi: 10.1109/TIT.1967.1053964
18. Silva MA, Patel J, Kavouridis V, Gallerani T, Beers A, Chang K, et al. Machine learning models can detect aneurysm rupture and identify clinical features associated with rupture. World Neurosurg. (2019) 131:e46–51. doi: 10.1016/j.wneu.2019.06.231
20. Cortes C, Vapnik V. Support-vector networks. Mach Learn. (1995) 20:273–97. doi: 10.1007/BF00994018
21. Kim HC, Rhim JK, Ahn JH, Park JJ, Moon JU, Hong EP, et al. Machine learning application for rupture risk assessment in small-sized intracranial aneurysm. J Clin Med. (2019) 8:683. doi: 10.3390/jcm8050683
22. Zhu W, Li W, Tian Z, Zhang Y, Wang K, Zhang Y, et al. Stability assessment of intracranial aneurysms using machine learning based on clinical and morphological features. Transl Stroke Res. (2020) 11:1287–95. doi: 10.1007/s12975-020-00811-2
23. Shi Z, Chen GZ, Mao L, Li XL, Zhou CS, Xia S, et al. Machine learning–based prediction of small intracranial aneurysm rupture status using CTA-derived hemodynamics: a multicenter study. Am J Neuroradiol. (2021) 42:648–54. doi: 10.3174/ajnr.A7034
24. Alwalid O, Long X, Xie M, Yang J, Cen C, Liu H, et al. Angiography-based radiomics for classification of intracranial aneurysm rupture. Front Neurol. (2021) 12:619864. doi: 10.3389/fneur.2021.619864
25. Ischemic Stroke Segmentation from CT Perfusion Scans Using Cluster-Representation Learning. SpringerLink. Available online at: https://link.springer.com/chapter/10.1007/978-3-030-66843-3_7 (accessed November 27, 2022).
26. Wang F, Jiang R, Zheng L, Meng C, Biswal B. 3D U-net based brain tumor segmentation and survival days prediction. In:Crimi A, Bakas S, , editors. Brainlesion: Glioma, Multiple Sclerosis, Stroke and Traumatic Brain Injuries. Lecture Notes in Computer Science. Cham: Springer International Publishing (2020). p. 131–141. doi: 10.1007/978-3-030-46640-4_13
27. Ren X, Huo J, Xuan K, Wei D, Zhang L, Wang Q. Robust brain magnetic resonance image segmentation for hydrocephalus patients: hard and soft attention. In: 2020 IEEE 17th International Symposium on Biomedical Imaging (ISBI) (Iowa City, IA: IEEE). (2020). p. 385–389.
28. Bo Z-H, Qiao H, Tian C, Guo Y, Li W, Liang T, et al. Toward human intervention-free clinical diagnosis of intracranial aneurysm via deep neural network. Patterns. (2021) 2:100197. doi: 10.1016/j.patter.2020.100197
29. Jnawali K, Arbabshirani MR, Rao N, M.d AAP. Deep 3D convolution neural network for CT brain hemorrhage classification. In: Medical Imaging 2018: Computer-Aided Diagnosis (Houston, TX: SPIE). (2018). p. 307–313. doi: 10.1117/12.2293725
30. Dai X, Huang L, Qian Y, Xia S, Chong W, Liu J, et al. Deep learning for automated cerebral aneurysm detection on computed tomography images. Int J CARS. (2020) 15:715–23. doi: 10.1007/s11548-020-02121-2
31. Bizjak Ž, Pernuš F, Špiclin Ž. Deep shape features for predicting future intracranial aneurysm growth. Front Physiol. (2021) 12:644349. doi: 10.3389/fphys.2021.644349
32. Li P, Liu Y, Zhou J, Tu S, Zhao B, Wan J, et al. deep-learning method for the end-to-end prediction of intracranial aneurysm rupture risk. Patterns. (2023) 4:100709. doi: 10.1016/j.patter.2023.100709
33. Turhon M, Li M, Kang H, Huang J, Zhang F, Zhang Y, et al. Development and validation of a deep learning model for prediction of intracranial aneurysm rupture risk based on multi-omics factor. Eur Radiol. (2023). doi: 10.1007/s00330-023-09672-3
34. He K, Zhang, X, Ren, S, Sun, J,. Deep Residual Learning for Image Recognition. (2016). p. 770–778. Available online at: https://openaccess.thecvf.com/content_cvpr_2016/html/He_Deep_Residual_Learning_CVPR_2016_paper.html (accessed November 27, 2022).
35. van Griethuysen JJM, Fedorov A, Parmar C, Hosny A, Aucoin N, Narayan V, et al. Computational radiomics system to decode the radiographic phenotype. Cancer Res. (2017) 77:e104–7. doi: 10.1158/0008-5472.CAN-17-0339
36. Harada K, Fukuyama K, Shirouzu T, Ichinose M, Fujimura H, Kakumoto K, et al. Prevalence of unruptured intracranial aneurysms in healthy asymptomatic Japanese adults: differences in gender and age. Acta Neurochir. (2013) 155:2037–43. doi: 10.1007/s00701-013-1841-7
37. Eden SV, Meurer WJ, Sánchez BN, Lisabeth LD, Smith MA, Brown DL, et al. Gender and ethnic differences in subarachnoid hemorrhage. Neurology. (2008) 71:731–5. doi: 10.1212/01.wnl.0000319690.82357.44
38. You H, Bai Y, Yu T, Zeng T, Huang N, Mei W, et al. Higher prevalence and age susceptibility of intracranial aneurysm in patients with acoustic neuroma. Front Neurol. (2020) 11:591526. doi: 10.3389/fneur.2020.591526
39. Lo RC, Lu B, Fokkema MTM, Conrad M, Patel VI, Fillinger M, et al. Relative importance of aneurysm diameter and body size for predicting AAA rupture in men and women. J Vasc Surg. (2014) 59:1209–16. doi: 10.1016/j.jvs.2013.10.104
40. Guo L, Zhou H, Xu J, Wang Y, Qiu Y, Jiang J. Risk factors related to aneurysmal rebleeding. World Neurosurg. (2011) 76:292–8. doi: 10.1016/j.wneu.2011.03.025
41. Korja M, Silventoinen K, Laatikainen T, Jousilahti P, Salomaa V, Hernesniemi J, et al. Risk factors and their combined effects on the incidence rate of subarachnoid hemorrhage – a population-based cohort study. PLoS ONE. (2013) 8:e73760. doi: 10.1371/journal.pone.0073760
Keywords: intracranial aneurysm, risk estimation, feature extraction, classification, machine learning
Citation: Xie Y, Liu S, Lin H, Wu M, Shi F, Pan F, Zhang L and Song B (2023) Automatic risk prediction of intracranial aneurysm on CTA image with convolutional neural networks and radiomics analysis. Front. Neurol. 14:1126949. doi: 10.3389/fneur.2023.1126949
Received: 18 December 2022; Accepted: 30 May 2023;
Published: 29 June 2023.
Edited by:
Xianli Lv, Tsinghua University, ChinaCopyright © 2023 Xie, Liu, Lin, Wu, Shi, Pan, Zhang and Song. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.
*Correspondence: Lichi Zhang, bGljaGl6aGFuZyYjeDAwMDQwO3NqdHUuZWR1LmNu; Bin Song, c29uZ2JfcmFkaW9sb2d5JiN4MDAwNDA7MTYzLmNvbQ==
†These authors have contributed equally to this work