Review
Abstract
Background: Stroke is a leading cause of death and disability worldwide. Rapid and accurate diagnosis is crucial for minimizing brain damage and optimizing treatment plans.
Objective: This review aims to summarize the methods of artificial intelligence (AI)–assisted stroke diagnosis over the past 25 years, providing an overview of performance metrics and algorithm development trends. It also delves into existing issues and future prospects, intending to offer a comprehensive reference for clinical practice.
Methods: A total of 50 representative articles published between 1999 and 2024 on using AI technology for stroke prevention and diagnosis were systematically selected and analyzed in detail.
Results: AI-assisted stroke diagnosis has made significant advances in stroke lesion segmentation and classification, stroke risk prediction, and stroke prognosis. Before 2012, research mainly focused on segmentation using traditional thresholding and heuristic techniques. From 2012 to 2016, the focus shifted to machine learning (ML)–based approaches. After 2016, the emphasis moved to deep learning (DL), which brought significant improvements in accuracy. In stroke lesion segmentation and classification as well as stroke risk prediction, DL has shown superiority over ML. In stroke prognosis, both DL and ML have shown good performance.
Conclusions: Over the past 25 years, AI technology has shown promising performance in stroke diagnosis.
doi:10.2196/59711
Keywords
Introduction
Background
Stroke is a global public health issue, ranking as the second leading cause of death and the third leading cause of disability and death. One in every 4 people aged >25 years will experience a stroke in their lifetime. Stroke is responsible for 11.6% of deaths, and its incidence, mortality, and disability rates are on the rise [
- ].Acute stroke refers to the clinical pathological state caused by the acute disruption of cerebral blood vessels. It can result in either the interruption of blood supply to the brain or the rupture of brain vessels, leading to damage to brain tissue. Ischemic strokes account for approximately 80% of all strokes, while hemorrhagic strokes make up approximately 20% [
]. Ischemic stroke is caused by reduced blood flow or blockage in the cerebral vessels, leading to oxygen and blood deprivation in brain tissue. Hemorrhagic stroke results from bleeding due to the rupture of cerebral vessels, with symptoms typically appearing within minutes and potentially leading to severe neurological deficits [ ].Over the past 25 years, artificial intelligence (AI) technology has achieved remarkable progress across various domains, notably in medical diagnostics [
]. Early AI applications primarily used rule-based systems and machine learning (ML) models to analyze medical data and predict outcomes. With the advent of deep learning (DL), AI’s ability to handle complex medical imaging data improved significantly. DL models, such as convolutional neural networks (CNNs), have been particularly effective in automatically identifying stroke lesions and detecting stroke risk factors in medical images. These models use large data sets to learn intricate patterns and features, improving diagnostic accuracy and efficiency. In addition, by integrating vast amounts of clinical data with imaging data, AI can now predict patient prognosis, assess functional recovery, and forecast treatment outcomes with greater precision [ ] ( ).The swift and precise analysis of imaging data by AI offers detailed insights into the patient’s condition, significantly supporting physicians in diagnostic decision-making and treatment planning. These AI models promote a deeper understanding of disease progression, enabling the development of personalized rehabilitation plans and thereby improving long-term patient outcomes [
].Computed tomography (CT) and magnetic resonance imaging (MRI) are the most commonly recommended imaging methods for the clinical diagnosis of acute stroke. MRI has higher clarity and clinical sensitivity, offering better soft tissue contrast [
]. MRI imaging techniques used for brain examinations include T1-weighted imaging (T1WI), T2-weighted imaging (T2WI), fluid-attenuated inversion recovery (FLAIR), and diffusion-weighted imaging (DWI). T1WI provides excellent anatomical detail, but it is not very sensitive to early changes in acute stroke. T2WI can highlight increased water content in brain tissue and is commonly used for evaluating the subacute and chronic stages of stroke, although the images may be blurry and have artifacts. FLAIR can suppress cerebrospinal fluid signals, making it suitable for detecting white matter lesions and identifying lesions near the cerebrospinal fluid pathways. However, it has longer scanning times and is not sensitive enough for detecting small infarcts. DWI is highly sensitive to early acute cerebral ischemia, but DWI images have lower resolution and are not sufficiently sensitive to small infarcts [ ]. Compared to MRI imaging, CT is faster and commonly used for detecting early signs of infarction. CT angiography (CTA) can provide information about vascular occlusion to guide treatment decisions, while CT perfusion (CTP) imaging can assess the extent of ischemic core and penumbra areas [ ]. The 2018 American Heart Association and American Stroke Association guidelines indicate that noncontrast CT (NCCT) and CTA are recommended within 6 hours of acute stroke onset, while MRI and CTP are recommended for the 6- to 24-hour window [ , ] ( ).Ultrasound examination, with its advantages of fast imaging speed, lack of radiation, and lower cost, is commonly used in clinical practice for cardiac and carotid artery assessments [
, ] ( ). For cerebral small vessel evaluation, T2WI and FLAIR-weighted MRI are commonly used in clinical settings [ ].Main Contributions of This Review
The main contributions of this review are as follows: first, it provides a comprehensive summary of the common applications of AI in the diagnosis of acute stroke. Second, it outlines the development trends of AI algorithms for stroke lesion segmentation and classification, stroke risk prediction, and stroke prognosis from 1999 to 2024. This includes an analysis of data sources, types of algorithms, outcome metrics, and qualitative results described in each included article. Third, it discusses the clinical significance of the findings, existing challenges, and future research directions in this rapidly advancing field. The review aims to provide researchers and clinicians with insights into the current state of acute stroke diagnosis based on DL, offering a comprehensive reference for clinical practice.
Methods
Overview
For this systematic review, we adhered to the PRISMA (Preferred Reporting Items for Systematic Reviews and Meta-Analyses) 2020 guidelines [
]. We conducted a comprehensive literature search from January 1999 to February 2024 across the Google Scholar, PubMed, IEEE Xplore, Web of Science, and SpringerLink databases. The Boolean search string used was as follows: (ABSTRACT (“artificial intelligence” OR “AI” OR “machine learning” OR “deep learning” OR “CNN”) AND ABSTRACT (“ischemic stroke” OR “hemorrhagic stroke” OR “acute stroke” OR “stroke”) AND ABSTRACT (“magnetic resonance imaging” OR “MRI” OR “Computed Tomography” OR “CT” OR “Ultrasound” OR “US”)).Evaluation Metrics
To assist readers in gaining a clearer understanding of these articles, we will define the model evaluation metrics featured in this review (
). Common metrics include the Dice similarity coefficient (DSC) [ ], Hausdorff distance [ ], area under the curve (AUC) [ ], accuracy [ ], positive predictive value [ ], recall [ ], and specificity [ ]. For image segmentation tasks, the main focus is on the DSC and Hausdorff distance metrics. For image classification tasks and prediction tasks, the main focus is on the accuracy, positive predictive value, recall, specificity, and AUC metrics ( ).In this review, we also examine the statistical measures of significance and uncertainty, robustness or sensitivity analysis, methods for explainability or interpretability, and their validation (including validation or testing on external data), if reported in the studies [
].Acronyms and definitions
- AF: atrial fibrillation
- AI: artificial intelligence
- ASPECTS: Alberta Stroke Program Early CT Score
- AUC: area under the curve
- CAS: carotid artery stenosis
- CE: cardioembolism
- CNN: convolutional neural network
- CSVD: cerebral small vessel disease
- CT: computed tomography
- CTA: computed tomography angiography
- CTP: computed tomography perfusion
- DL: deep learning
- DNN: deep neural network
- DSC: Dice similarity coefficient
- DT: decision tree
- DWI: diffusion-weighted imaging
- FCN: fully convolutional network
- FLAIR: fluid-attenuated inversion recovery
- GRU: gated recurrent unit
- HD: Hausdorff distance
- kNN: k-nearest neighbors
- LA: left atrium
- LAA: large artery atherosclerosis
- LLM: large language model
- MHCA: multihead cross-attention
- ML: machine learning
- MRF: Markov random field
- MRI: magnetic resonance imaging
- NB: naive Bayes
- NCCT: noncontrast computed tomography
- PCA: principal component analysis
- PPV: positive predictive value
- RBF: radial basis function
- RBM: restricted Boltzmann machine
- RF: random forest
- ROI: region of interest
- SAM: Segment Anything Model
- SAO: small artery occlusion
- SE: squeeze and excitation
- STRIVE-1: Standards for Reporting Vascular Changes on Neuroimaging-1
- SVM: support vector machine
- T1WI: T1-weighted imaging
- T2WI: T2-weighted imaging
- US: ultrasound
- VIT: vision transformer
- VMamba: Vision Mamba
- WMH: white matter hyperintensities
Metric | Equation | Significance | |
Segmentation metrics | |||
DSCa [ | ]The overlap between segmentation results and labels; X and Y represent the segmentation result and label, respectively | ||
HDb [ | ]The maximum boundary distance between results and labels; denotes the directed Hausdorff distance from set A to set B | ||
Classification and prediction metrics | |||
AUCc [ | ]—d | Threshold-independent classification performance | |
Accuracy [ | ]The proportion of correct predictions among all cases; TP represents true positive, TN represents true negative, FP represents false positive, and FN represents false negative | ||
PPVe [ | ]The proportion of TPs among predicted positives | ||
Recallf [ | ]The proportion of TPs among all actual positives | ||
Specificity [ | ]The proportion of TNs among all actual negatives |
aDSC: Dice similarity coefficient.
bHD: Hausdorff distance.
cAUC: area under the curve.
dNot applicable.
ePPV: positive predictive value (can also be referred to as precision).
fRecall can also be referred to as sensitivity.
Results
Literature Search Results
Overview
In the initial identification phase of the PRISMA flowchart (
), we identified 219 articles. During the screening phase, we reviewed the titles and abstracts of these publications to remove duplicates. We also excluded articles involving animals, other lesion types (eg, skin and lung), other stroke types (eg, perinatal stroke and chronic stroke), and other imaging modalities (eg, digital subtraction angiography). In addition, books, theses, review articles, and studies that did not propose an automated method based on ML or DL were excluded.In the final inclusion phase, of the initial 219 articles, we retained 50 (22.8%) unique articles. These articles were thoroughly read to assess their eligibility for inclusion in this review. Articles were selected if they (1) relied on ML-based or DL-based automated methods and (2) included clinical records or medical images.
Segmentation and Classification of Stroke Lesions
Overview
Imaging examinations are typically included in the admission tests for patients with acute stroke [
, ]. Segmentation of stroke lesions can determine lesion volume and lesion location [ ]. Classification of stroke lesions allows for the rapid identification of stroke type, aiding in patient triage [ ]. This supports disease diagnosis, assists physicians in formulating treatment plans based on the patient’s clinical presentation, and provides guidance for surgical or pharmacological interventions ( ).Study, year | Image type | Data set, n | Methods | Performance | Merits | |
Machine learning (MRIa) | ||||||
Maier et al [ | ], 2014Multimodal MRI | 36 | SVMb | DSCc: 0.74 | Uses SVM to extract local features | |
Mitra et al [ | ], 2014Multimodal MRI | 36 | B-MRFd, RFe | DSC: mean 0.39 (SD 0.22) | Multistage algorithm; fuses T1WIf, T2WIg, FLAIRh, and DWIi | |
Maier et al [ | ], 2015Multimodal MRI | 37 | RF | DSC: 0.65; HDj: 28.61 mm | Uses extra trees for voxel-level classification; incorporates intensity-derived image features | |
Pustina et al [ | ], 2016T1WI | 105 | RF | DSC: mean 0.696, SD 0.16; HD: mean 17.9, SD 9.8 mm | Combines RF with multiresolution neighborhood data analysis | |
Griffis et al [ | ], 2016T1WI | 30 | GNBk | DSC: 0.66 | Incorporates probabilistic tissue segmentation; incorporates image algebra | |
Deep learning (CTl) | ||||||
Goncharov et al [ | ], 2018CTPm | 156 | UNet | DSC: mean 0.53, SD 0.01; HD: mean 23.29, SD 0.02 mm | Integrates UNet and T-Net (a variation of the UNet architecture); incorporates residual blocks | |
Clèrigues et al [ | ], 2019CTP | 156 | CNNn | DSC: mean 0.49, SD 0.31; HD: mean 11.3, SD 31.6 mm | Uses symmetric modality augmentation; applies uncertainty filtering | |
Wang et al [ | ], 2020Multimodal CT | 156 | CNN | DSC: mean 0.51, SD 0.31; HD: mean 0.55, SD 0.34 mm | Uses an innovative loss function; extracts features from CTAo images, synthesized pseudo-DWI | |
Kuang et al [ | ], 2021NCCTp | 230 | CNN | DSC: 0.448 | Combines CNN and classification network; introduces the ASPECTSq scale | |
Soltanpour et al [ | ], 2021CTP | 156 | UNet | DSC: 0.69 | Uses multiscale convolutional blocks, incorporates contralateral CT images; uses time-to-maximum heat maps | |
Luo et al [ | ], 2021NCCT | 293 | Transformer, ResNetr-50 | DSC: 0.7358 | Combines ResNet-50 and transformer; introduces multihead cross-attention module | |
De Vries et al [ | ], 2023CTP | 156 | UNet | DSC: 0.564 | Incorporates symmetry-aware spatiotemporal convolutional structure; uses the dynamics of cerebral microperfusion; incorporates attention in skip connections | |
Kuang et al [ | ], 2024NCCT | 482 | Transformer, CNN | DSC 0.5407 | Introduces hybrid CNN transformer; introduces bilateral difference learning | |
Deep learning (MRI) | ||||||
Chen et al [ | ], 2017DWI | 741 | CNN | DSC: 0.67 | Multistage algorithm; introduces multiscale concept | |
Zhang et al [ | ], 2018DWI | 242 | DenseNet | DSC: 0.7913 | Combines dense connections and multiscale context | |
Karthik et al [ | ], 2019Multimodal MRI | 28 | FCNs | DSC: 0.70 | Uses leaky rectified linear unit in last 2 layers | |
Clèrigues et al [ | ], 2020Multimodal MRI | 236 | UNet | DSC: 0.59, SD 0.31; HD: 0.84, SD 0.10 mm | Uses symmetric modality enhancement; uses dynamic weighted loss functions | |
Wu et al [ | ], 2023Multimodal MRI | 490 | Transformer | DSC: 0.7258 | Uses point-wise rendering to compute boundary | |
Wu et al [ | ], 2023Multimodal MRI | 490 | Transformer, CNN | DSC: 0.7368 | Multistage algorithm; proposes 2 edge enhancement modules | |
Soh et al [ | ], 2023T1WI | 239 | Transformer, UNet | DSC: 0.737 | Comprises 2 parallel pipelines | |
Stroke classification | ||||||
Adam et al [ | ], 2016NCCT | 400 | DTt, CNN | AUCu: 0.994; recall: 0.987 | Compares kNNv and DT | |
Gautam and Raman [ | ], 2021NCCT | 900 | CNN | ACC: 98.33 | Uses multifocus image fusion preprocessing | |
Chen et al [ | ], 2022NCCT | 400 | CNN | Recall: 0.99 | Uses hyperparameter optimization; uses transfer learning; compares optimized CNN and ResNet-50 |
aMRI: magnetic resonance imaging.
bSVM: support vector machine.
cDSC: Dice similarity coefficient.
dB-MRF: Bayesian-Markov random field.
eRF: random forest.
fT1WI: T1-weighted imaging.
gT2WI: T2-weighted imaging.
hFLAIR: fluid-attenuated inversion recovery.
iDWI: diffusion-weighted imaging.
jHD: Hausdorff distance.
kGNB: Gaussian naive Bayes.
lCT: computed tomography.
mCTP: computed tomography perfusion.
nCNN: convolutional neural network.
oCTA: computed tomography angiography.
pNCCT: noncontrast computed tomography.
qASPECTS: Alberta Stroke Program Early Computed Tomography Score.
rResNet: residual network.
sFCN: fully convolutional network.
tDT: decision tree.
uAUC: area under the curve.
vkNN: k-nearest neighbors.
Stroke Lesion Segmentation Based on ML
Stroke lesion segmentation is a challenging task due to the blurred boundaries between stroke lesions and normal tissues, particularly in hemorrhagic strokes. MRI images offer greater contrast and clarity compared to CT scans, allowing for more clearly delineated observation of stroke lesion boundaries [
].Traditional thresholding and heuristic algorithms are inadequate for accurately segmenting stroke lesions. Before 2012, there was limited research on stroke lesion segmentation [
, ].From 2012 to 2016, stroke lesion segmentation algorithms were primarily based on ML algorithms, with common segmentation methods mainly involving support vector machines (SVMs) [
], random forests (RFs) [ ], and naive Bayes [ ]. Due to the limited feature extraction capabilities of ML segmentation algorithms during this period, these algorithms primarily used MRI images.In 2014, Maier et al [
] proposed an image segmentation method for ischemic stroke lesions based on SVMs using multimodal MRI images. The authors used SVMs to extract local features from the multimodal MRI data [ ]. In the same year, Mitra et al [ ] used a Bayesian-Markov random field for preliminary FLAIR image classification, then analyzed multimodal MRI data (T1WI, T2WI, FLAIR, and DWI) and contextually relevant features using an RF to identify likely lesion areas.One year later, Maier et al [
] proposed another method for segmenting ischemic stroke lesions in multimodal MRI images using extra tree forests. This approach involved using extra trees for voxel-level classification and incorporated intensity-derived image features [ ].In 2016, Pustina et al [
] proposed an automatic segmentation algorithm for stroke lesions in T1WI images, combining RFs with multiresolution neighborhood data analysis to enhance efficiency and reduce observer dependency. In the same year, Griffis et al [ ] used a stroke lesion segmentation method based on the Gaussian naive Bayes classifier. By using probabilistic tissue segmentation and image algebra to create feature maps, the authors encoded information about missing and abnormal tissues and used the leave-one-out method for cross-validation [ ].Stroke Lesion Segmentation Based on DL
After 2016, there was a leap in the capabilities of DL for medical segmentation and feature extraction. DL has since outperformed ML as the main force in stroke image segmentation [
]. Due to the improved feature extraction capabilities of DL, algorithms for stroke lesion segmentation based on CT scans have emerged.In 2018, Goncharov et al [
] proposed a CNN framework integrating UNet and T-Net (a variation of the UNet architecture). In each network, convolutional layers were replaced with residual blocks, and an initial convolution layer was added to enhance the learnability of the deep network [ ].In 2019, Clèrigues et al [
] proposed a 3D CTP segmentation method based on a 2D asymmetrical residual CNN. This method addresses issues such as small sample size, class imbalance, and overfitting by enhancing training, using symmetric modality augmentation, and applying uncertainty filtering, thereby improving performance and achieving fast inference [ ].In 2020, Wang et al [
] proposed a multimodal 3D CTP segmentation method based on CNNs. The authors extracted features from CTA images, synthesized pseudo-DWI, and used an innovative loss function to focus on lesion areas, thereby improving segmentation accuracy [ ].In 2021, Kuang et al [
] proposed a DL approach named EIS-Net, which combines a 3D triple CNN and a multiregion classification network for automatic segmentation of early ischemic stroke and Alberta Stroke Program Early CT Score scoring on NCCT in patients with acute ischemic stroke. In the same year, Soltanpour et al [ ] proposed an improved version of the UNet network called MultiResUNet for the automatic segmentation of ischemic stroke lesions in CTP images. The algorithm uses multiscale convolutional blocks and incorporates contralateral CT images as references, estimating lesion locations using time-to-maximum heat maps [ ]. Luo et al [ ] proposed an ischemic stroke lesion segmentation method called UCATR for NCCT images. This method combines residual network (ResNet)-50 (a CNN that is 50 layers deep) and transformer encoders and introduces a multihead cross-attention module in the decoder to improve the accuracy of spatial information recovery [ ].In 2023, de Vries et al [
] proposed a model called Perf-UNet for segmenting the infarct core area from CTP source data. The model uses a symmetry-aware spatiotemporal convolutional structure, leveraging the dynamics of cerebral microperfusion, and incorporates attention modules in the skip connections [ ].In 2024, Kuang et al [
] proposed a hybrid CNN-transformer network based on circular feature interactions and bilateral difference learning. This network introduces a hybrid CNN-transformer in the encoder, a recurrent feature interaction module, and a shared CNN decoder with bilateral difference learning modules [ ].Compared to CT-based stroke lesion segmentation, MRI-based stroke lesion segmentation achieves higher segmentation accuracy.
In 2017, Chen et al [
] proposed a CNN network composed of a deconvolutional network for initial segmentation and a multiscale convolutional label evaluation network for eliminating false positives in small lesions.In 2018, Zhang et al [
] proposed FC-DenseNet for segmenting acute stroke lesions in DWI medical images. This model combines dense connections and multiscale context on top of a 3D CNN to address common issues in DWI, such as noise, artifacts, and variations in lesion size and location [ ].In 2019, Karthik et al [
] proposed an improved fully convolutional network that applies leaky rectified linear unit activation in the last 2 layers of the UNet architecture. This approach precisely reconstructs ischemic lesions and allows the network to learn additional features not considered in the original UNet architecture [ ].In 2020, Clèrigues et al [
] addressed class imbalance issues by using symmetric modality enhancement, balanced training sample strategies, and dynamic weighted loss functions in the UNet architecture.In 2023, Wu et al [
] introduced a lesion boundary–rendering method named TransRender. This method uses transformers to capture global information during the encoding phase and uses multiple renderings to effectively map encoding features of different levels to the original spatial resolution. The method adaptively selects points to compute boundary features based on point-wise rendering, supervising the rendering module to generate points and continuously refine uncertain regions [ ]. In the same year, Wu et al [ ] proposed a 2-phase brain multimodal MRI lesion segmentation method named W-Net. This method uses a CNN and a transformer as backbone networks, introduces a boundary deformation module and a boundary constraint module to address boundary ambiguity, and designs a multitask learning loss function to optimize W-Net from both regional and boundary perspectives [ ]. Soh et al [ ] proposed an algorithm named hybrid UNet transformer. This algorithm comprises 2 parallel pipelines, where the transformer-based pipeline uses feature maps from the intermediate layers of the UNet-based pipeline to enhance feature extraction capabilities [ ].Stroke Classification
The admission evaluation for patients with acute stroke typically includes stroke classification. Patients with acute ischemic stroke who are eligible for thrombolytic therapy should be referred to a thrombolytic center for treatment. For patients who are not suitable for thrombolytic therapy, conservative treatment should be provided upon admission. Patients with hemorrhagic stroke require rapid intervention to minimize brain damage and improve survival chances [
].Acute ischemic stroke classification is typically based on CT imaging [
]. In CT images, ischemic stroke lesions appear as low-density regions (dark areas), while hemorrhagic stroke lesions appear as high-density regions (white areas; ) [ - ].Adam et al [
] proposed a stroke lesion classification model based on decision tree and k-nearest neighbors (kNN) algorithms. The study found that the decision tree algorithm outperformed kNN in classification [ ].Gautam and Raman [
] proposed a CNN model for classifying stroke CT images. The authors improved the quality of CT images by using multifocus image fusion preprocessing and then inputted the processed images into a 13-layer CNN architecture for classification [ ].Chen et al [
] used hyperparameter optimization and transfer learning to identify stroke conditions in brain CT images. The optimized CNN and ResNet-50 models demonstrated high accuracy in distinguishing between normal, hemorrhagic stroke, ischemic stroke, and other lesions. Although ResNet-50 exhibited the highest accuracy, it required more processing time [ ].In-Depth Analysis of Stroke Lesion Segmentation and Classification
In clinical practice, the choice between using MRI and CT depends on the specific condition of the patient. CT has lower sensitivity in identifying early changes of acute ischemic stroke but demonstrates higher sensitivity in detecting characteristic high-density lesions of hemorrhagic stroke [
]. Compared to CT, MRI has higher contrast and a stronger ability to differentiate between brain tissues. The DWI sequence can detect minor changes in brain tissue just minutes after ischemia occurs. MRI also provides clearer identification of small hemorrhages and better differentiation between hemorrhagic and ischemic areas, along with detailed information on the extent and type of brain tissue damage after a stroke [ ].Before 2012, brain segmentation algorithms were primarily based on traditional methods for brain white matter segmentation. There are few studies focusing on the segmentation of stroke lesions in this period [
, ]. Between 2012 and 2016, segmentation algorithms for ischemic stroke lesions were primarily based on ML. Due to the blurred boundaries between stroke lesions and surrounding normal tissue in CT images, algorithms from this period mainly focused on MRI imaging. The accuracy of segmentation algorithms during this time generally did not exceed 0.75. These algorithms were complex, had weak generalization capabilities, and could not achieve the level of accuracy of manual segmentation. After 2016, with the development of UNet, DL has shown superior performance in the segmentation of stroke lesions [ ]. As DL enables more in-depth feature extraction from medical images, significantly enhancing the extraction of effective features, an increasing number of researchers have started focusing on the segmentation of ischemic stroke lesions in CT images. However, the accuracy of these segmentation algorithms based on CT commonly did not surpass 0.75. Algorithms for segmenting ischemic stroke lesions based on MRI have shown better accuracy, enough to be comparable to manual segmentation. Some algorithms have achieved accuracies of up to 0.85. To facilitate the triage of patients with acute stroke, due to the urgency of the condition, the classification of stroke types primarily relies on CT images [ ]. Current algorithms have achieved high accuracies, generally exceeding 0.90, indicating promising application prospects.Data preprocessing is important for medical image segmentation. Preprocessing aims to standardize image quality, enhance valuable features, and reduce segmentation difficulties. Clèrigues et al [
] and Clèrigues et al [ ] used symmetry-enhanced modalities, leveraging the high bilateral symmetry exhibited by the human brain in its natural state. This approach provides clearer and more accurate information for subsequent steps such as feature extraction, lesion detection, and image segmentation. For complex segmentation tasks such as stroke lesion segmentation, the introduction of multimodal approaches can significantly enhance algorithm performance by extracting complementary information from different imaging techniques. The studies by Mitra et al [ ] and Wang et al [ ] are particularly representative. Mitra et al [ ] used multimodal MRI data, including T1WI, T2WI, FLAIR, and DWI, along with context-aware features. Wang et al [ ] extracted features from CTA images, synthesized pseudo-DWI, for use in CTP segmentation methods.In addition, some studies used multistage algorithms, combining coarse and fine-grained approaches to achieve better segmentation performance; for instance, Mitra et al [
] used a Bayesian-Markov random field model for preliminary classification of FLAIR images and used RFs for multimodal MRI segmentation. Chen et al [ ] used a deconvolutional network for initial segmentation and used a multiscale convolutional label evaluation network to evaluate and eliminate false positives of small lesions, achieving promising results on large data sets and demonstrating the algorithm’s generalization ability.Since 2021, various attention mechanisms and transformers have been widely applied in the field of medical image segmentation, leading to further improvements in the performance of stroke lesion segmentation algorithms. Transformers leverage self-attention mechanisms, enabling neural networks to capture global information and exhibit excellent performance when processing long sequence data [
]. De Vries et al [ ] introduced attention mechanisms on the skip connections between the encoder and decoder, reducing the time dimension and only propagating the most informative features. Luo et al [ ], Kuang et al [ ], Wu et al [ ], Wu et al [ ], and Soh et al [ ] all incorporated the concept of transformers, leading to significant improvements in algorithm performance.Stroke Risk Prediction
Overview
Clinical methods for stroke risk prediction include clinical risk scores (eg, Framingham Stroke Risk Profile [
]), genetic risk analysis [ ], serum biomarker detection [ ], and imaging analysis [ ]. Compared to other methods, imaging analysis provides direct anatomical and functional information, allowing clinicians to observe pathological conditions directly. In addition, imaging data can quantify stroke risk factors such as atrial fibrillation (AF), carotid artery stenosis (CAS), and cerebral small vessel disease, which are crucial for stroke risk prediction [ ]. Furthermore, imaging techniques can monitor disease progression and treatment effects in real time, enabling clinicians to adjust treatment strategies promptly. Due to these advantages of imaging techniques, AI-based stroke risk prediction using medical imaging has become a major focus of research ( ).Study, year | Image type | Data set, n | Methods | Performance | Merits | |
AI a-assisted detection of CASb | ||||||
Alam et al [ | ], 2015USc | 200 | RBFd | Accuracy: 0.982 | Combines fuzzy c-means clustering; incorporates noise-handling methods | |
Araki et al [ | ], 2017US | 407 | SVMe | Accuracy: 0.9428 | Uses spatial domain filtering | |
Al-Mohannadi et al [ | ], 2021US | 100 | Encoder-decoder | DSCf: 0.7423 | Introduces edge operators | |
Mi et al [ | ], 2021US | 430 | UNet | DSC: 0.780 | A 3-branch network design; uses prior knowledge of the carotid artery | |
Latha et al [ | ], 2022US | 361 | CapsuleNet | Accuracy: 0.967 | Compares multiple DLg and MLh models | |
Jiang et al [ | ], 2023US | 244 | CNNi | DSC: mean 0.927, SD 0.054 | Introduces the concept of centerline extraction | |
AI-assisted detection of AFj and LAk enlargement | ||||||
Degel et al [ | ], 2018US | 161 | CNN | DSC: mean 0.75, SD 0.17; HDl: mean 4.46, SD 2.73 mm | Introduces shape priors; introduces adversarial learning | |
Moradi et al [ | ], 2019US | 1137 | UNet | DSC: mean 0.945, SD 0.12; HD: mean 1.62, SD 0.05 mm | Combines a pyramid network with UNet; uses the Niblack global thresholding method | |
Leclerc et al [ | ], 2020US | 2000 | UNet | HD: mean 5.9, SD 3.6 mm | Cascaded network; presents a novel attention mechanism | |
Liu et al [ | ], 2021US | 3500 | UNet | DSC: 0.949; HD: 4.33 mm | Proposes a pyramid local attention module; proposes a label coherence learning mechanism | |
Li et al [ | ], 2023US | 1764 | ResNetm | DSC: mean 0.959, SD 0.002; HD: mean 0.422, SD 0.314 mm | Introduces residual and branched networks; introduces dilated convolutions; incorporates multiscale concepts in the decoder | |
AI-assisted detection of WMHn | ||||||
Liu et al [ | ], 2020MRIo | 75 | CNN | DSC: 93.49 | Cascaded network; uses dense blocks and dilated blocks; uses multiscale processing | |
Park et al [ | ], 2021MRI | 170 | UNet | DSC: mean 0.8107, SD 0.0203 | Incorporates an auxiliary classifier; applies the highlight foreground method; uses multimodal MRI images | |
Li et al [ | ], 2021MRI | 40 | UNet | DSC: mean 0.736, SD 0.074 | Introduces squeeze-and-excitation blocks and dense connection | |
Huang et al [ | ], 2023MRI | 455 | VNet | DSC: mean 0.81, SD 0.06 | Proposes the LSLossp loss function | |
Farkhani et al [ | ], 2024MRI | 430 | UNet | DSC: 0.8559 | Incorporates consecutive self-attention encoders |
aAI: artificial intelligence.
bCAS: carotid artery stenosis.
cUS: ultrasound.
dRBF: radial basis function.
eSVM: support vector machine.
fDSC: Dice similarity coefficient.
gDL: deep learning.
hML: machine learning.
iCNN: convolutional neural network.
jAF: atrial fibrillation.
kLA: left atrium.
lHD: Hausdorff distance.
mResNet: residual network.
nWMH: white matter hyperintensities.
oMRI: magnetic resonance imaging.
pLSLoss: level set loss.
Risk Factors of Stroke
Stroke can be divided into 3 distinct subtypes with well-defined etiologies: large artery atherosclerosis, cardioembolism, and small artery occlusion (
) [ ].Large artery atherosclerosis-type stroke is typically caused by atherosclerotic stenosis in the carotid and intracranial large arteries. For patients with mild stenosis, conservative treatment is recommended. For those with severe stenosis, carotid endarterectomy surgery is performed to prevent the occurrence of ischemic stroke [
].Cardioembolism-type stroke is caused by cardiogenic diseases, where emboli from the heart and aortic arch dislodge and circulate, leading to cerebral artery embolism [
]. Studies have shown that left atrium (LA) enlargement may lead to myocardial fibrosis and disruption of atrial muscle bundles, resulting in blood stasis within the atrium and reduced atrial contraction capacity. This can lead to AF, thereby increasing the risk of cardioembolic stroke [ ].Small artery occlusion-type stroke, also known as lacunar stroke, is a pathological condition caused by disease in the small penetrating arteries of the deep regions of the cerebral hemispheres or brainstem, leading to ischemic necrosis of the brain tissue supplied by these arteries [
]. The international Standards for Reporting Vascular Changes on Neuroimaging-1 clearly state that white matter hyperintensities (WMH) are neuroimaging indicators of small vessel disease and can predict the occurrence of stroke [ ].AI-Assisted Detection of CAS
The most commonly used imaging method for the detection of CAS in clinical practice is ultrasound (
) [ , ].In 2015, Alam et al [
] proposed a robust fuzzy radial basis function network that combines fuzzy c-means clustering and a radial basis function network, incorporating spatial information and a smoothing parameter to handle noise.In 2017, Araki et al [
] combined improved spatial domain filtering techniques with ML to use the morphological differences in carotid artery walls from ultrasound images. The authors used the improved spatial domain filtering techniques to remove image noise and used SVMs for classification [ ].In 2021, Al-Mohannadi et al [
] introduced morphological operations in an encoder-decoder structure to reduce the impact of noise on the results, using Sobel gradient direction images and Prewitt gradient direction images as inputs. In the same year, Mi et al [ ] designed an MBFF-Net (a multibranch feature fusion network) with 3 branches. The first 2 branches extract plaque features at multiple scales and different contexts, while the third branch uses prior information [ ].In 2022, Latha et al [
] compared various ML and DL algorithms for carotid artery segmentation. Among the ML algorithms, RF performed the best, while CapsuleNet outperformed other DL algorithms [ ].In 2023, Jiang and Chiu [
] integrated a centerline extraction network and a dual-stream centerline-guided network into a 3D UNet. The centerline extraction network generates centerline heat maps to indicate the position of the carotid artery centerline, while the centerline-guided network segments the 3D ultrasound images based on the centerline heat maps [ ].AI-Assisted Detection of AF and LA Enlargement
Similar to CAS, echocardiography is commonly used clinically to detect stroke-related heart disease, such as AF and LA enlargement (
) [ ].In 2018, Degel et al [
] proposed an algorithm that combines DL, shape priors, and adversarial learning to achieve automatic segmentation of the LA in 3D ultrasound images. This algorithm uses VNet for 3D volume segmentation and trains an autoencoder network to constrain the segmentation results to the shape of the LA [ ].In 2019, Moradi et al [
] proposed MFP-UNet, which combines a pyramid network with the UNet model, adding 2 downsampling layers to extract more detailed features from the images. The authors also used the Niblack global thresholding method to preprocess the cardiac ultrasound images to enhance contrast [ ].In 2020, Leclerc et al [
] proposed an RUNet composed of 2 UNets. The first UNet obtains the region of interest by dilating the preliminary results, and the second UNet is used to predict the final segmentation. RUNet outperformed other networks in reducing geometric and anatomical prediction anomalies [ ].In 2021, Liu et al [
] introduced a pyramid-shaped local attention mechanism in UNet to capture contextual information and designed a label consistency learning mechanism to improve the classification accuracy of edge pixels in cardiac ultrasound images.In 2023, Li et al [
] proposed a multitask DL model for cardiac ultrasound segmentation and key point detection, named EchoEFNet. The network introduces ResNets, branched networks, and dilated convolutions in the encoder part and incorporates multiscale concepts in the decoder part, combining both low-level and high-level features [ ].AI-Assisted Detection of WMH
MRI is superior to CT in terms of soft tissue contrast, allowing for better differentiation between white matter and gray matter in the brain. Therefore, MRI is more commonly used clinically to detect cerebral small vessel disease and WMH (
) [ , ].In 2020, Liu et al [
] proposed the M2DCNN, a network composed of 2 symmetrical U-shaped subnetworks. This network uses dense blocks, dilated blocks, and multiscale processing to improve feature extraction and prediction capabilities. In addition, it introduces a loss function based on the similarity between lesions and background [ ].In 2021, Park et al [
] proposed a UNet with multiscale foreground highlighting, incorporating an auxiliary classifier in the middle layers of the decoder for deep supervision training. The authors used multiscale label images and applied the highlight foreground method to enhance foreground voxels [ ].In 2021, Li et al [
] introduced squeeze-and-excitation blocks and dense connections into the UNet architecture to better capture spatial and multiscale semantic information.In 2023, Huang et al [
] proposed the level set loss (LSLoss) loss function. LSLoss consists of 4 loss terms, each designed to optimize foreground loss, background loss, region of interest loss, and divergence loss, to improve the accuracy of segmentation results [ ].In 2024, Farkhani et al [
] proposed the volumetric segmentation of WMH using transformer architecture, which enhances the UNet by using consecutive self-attention encoders to capture spatial dependencies in the data.In-Depth Analysis of Stroke Risk Prediction
Carotid and cardiac ultrasound segmentation can assist physicians in quantitatively assessing the condition of a patient’s heart and carotid arteries, providing important references for evaluating the risk of stroke. However, ultrasound image segmentation is a complex task. Compared to CT and MRI images, ultrasound images have lower contrast, noisy and blurry boundaries, and numerous artifacts, making ultrasound medical image segmentation more challenging.
For ultrasound image segmentation and classification, DL generally outperforms ML. Among ML algorithms, RF, with its capability to handle multifeature data, performs the best in handling these tasks with high accuracy and robustness. By contrast, other ML algorithms such as SVM and kNN perform well in certain specific tasks but are generally not as stable and accurate as RF. This is similar to the excellent performance of RF in stroke lesion segmentation and classification as discussed in the Segmentation and Classification of Stroke Lesions subsection, further demonstrating RF’s superior performance in image segmentation and classification tasks [
].To address the significant noise in ultrasound images, many researchers have incorporated denoising techniques into their algorithms. Alam et al [
] introduced spatial information and smoothing parameters to handle noise, and Araki et al [ ] used spatial filtering techniques. In addition, due to the high noise and blurry boundaries in ultrasound images, advanced architectures such as transformers may not necessarily outperform traditional convolutional blocks. In the comparative experiments in the study by Liu et al [ ], traditional architectures such as UNet, UNet++, and ResNet performed better than Swin-UNet. Although Swin-UNet, with its advanced transformer architecture, significantly improved feature extraction and generalization capabilities, it exhibited overfitting in the segmentation of edge regions due to the substantial noise and blurred edges in ultrasound images.The structures of carotid and cardiac ultrasound images are relatively fixed, and the introduction of morphological operations can better optimize these fixed structures. This effectively reduces the impact of noise and small artifacts, improves segmentation accuracy, enhances structural features, and increases robustness. Araki et al [
] used the morphological characteristics of the carotid artery wall to specifically improve spatial filtering, while Al-Mohannadi et al [ ] introduced Sobel and Prewitt operators to make the model more attentive to edge information, aiding in the identification and segmentation of the boundaries of the carotid artery and the heart. Mi et al [ ] and Degel et al [ ] incorporated shape prior information, and Liu et al [ ] introduced a label consistency learning mechanism. These 3 studies used the concept of templates to constrain the segmentation results and reduce missegmentation. For the segmentation of carotid vessels, centerline extraction can accurately determine the center position of the vessels, providing precise references for subsequent segmentation and feature extraction. This can largely ignore small noise and artifacts in the image, providing more stable segmentation results [ ].For WMH segmentation, many researchers have attempted to use attention mechanisms to enhance the model’s focus on small targets. The attention mechanism allows the model to selectively focus on important regions of the image based on the task requirements, reducing dependence on irrelevant information [
]. Farkhani et al [ ] achieved the precise capture of key regions through self-attention and hybrid transformer mechanisms, contributing to the improvement of WMH segmentation accuracy.In the task of WMH segmentation, there is a significant class imbalance due to the large difference in the number of pixels between white matter and non–white matter regions. The WMH segmentation model tends to predict the more numerous classes while ignoring the minority classes, leading to overfitting. To address this issue, Liu et al [
] and Li et al [ ] introduced dense blocks, which reduce the number of training parameters and alleviate the problem of vanishing gradients.For small target segmentation, optimizing the loss function is a promising approach. In the study by Huang et al [
], an LSLoss function was proposed to train the segmentation network. This method allows for training without actual ground truth labels, helping to avoid overfitting the training data.Stroke Prognosis
Overview
Stroke prognosis refers to predicting long-term outcomes such as recovery status, quality of life, and survival rates of patients based on medical imaging and clinical dates. AI technology can quantify the extent of brain tissue damage, assess patients’ prognostic situations, and provide benchmarks for long-term rehabilitation (
) [ ].Study, year | Image type | Data set, n | Methods | Performance | Merits | |
Estimation of final infarct lesion and penumbra | ||||||
McKinley et al [ | ], 2017MRIa | 80 | RFb | AUCc: mean 0.94, SD 0.08 | An automated method to estimate the penumbra; uses multimodal MRI images | |
Nielsen et al [ | ], 2018MRI | 222 | CNNd | AUC: mean 0.88, SD 0.12 | Integrates time to maximum; uses apparent diffusion coefficient threshold | |
Yu et al [ | ], 2020MRI | 182 | UNet | AUC: 0.92; DSCe: 0.58 | Does not depend on reperfusion information | |
Pinto et al [ | ], 2021MRI | 75 | CNN | DSC: 0.38; HDf: 29.21 mm | Accounts for the underlying cerebral blood flow; combines RBMg and GRUh | |
Wong et al [ | ], 2022MRI | 100 | UNet | DSC: mean 0.88, SD 0.01; accuracy: mean 0.75, SD 0.03; AUC: mean 0.80, SD 0.03 | Incorporates rotation and reflection variants; incorporates clinical indicators; predicts the modified Rankin Scale outcomes | |
Estimation of stroke recovery outcomes | ||||||
Bentley et al [ | ], 2014CTi, CRsj | 116 | SVMk | AUC: 0.744 | Multimodal CRs | |
Monteiro et al [ | ], 2018CRs | 541 | RF | AUC: mean 0.808, SD 0.085 | Compares RF, XGBoostl, and logistic regression | |
Cheon et al [ | ], 2019CRs | 15,099 | DNNm | AUC: 0.8348 | Incorporates PCAn into the DNN | |
Kuang et al [ | ], 2019CT | 257 | RF | AUC: 0.89 | Introduces the ASPECTSo scale | |
Scrutinio et al [ | ], 2020CRs | 1207 | RF | AUC: 0.928; accuracy: 0.863 | Implements the synthetic minority oversampling technique | |
Brugnara et al [ | ], 2020CT, CRs | 246 | MLp | AUC: 0.856; accuracy: 0.804 | Integrates multimodal CRs; predicts the modified Rankin Scale outcomes |
aMRI: magnetic resonance imaging.
bRF: random forest.
cAUC: area under the curve.
dCNN: convolutional neural network.
eDSC: Dice similarity coefficient.
fHD: Hausdorff distance.
gRBM: restricted Boltzmann machine.
hGRU: gated recurrent unit.
iCT: computed tomography.
jCR: clinical record.
kSVM: support vector machine.
lXGBoost: extreme gradient boosting.
mDNN: deep neural network.
nPCA: principal component analysis.
oASPECTS: Alberta Stroke Program Early Computed Tomography Score.
pML: machine learning.
Estimation of Final Infarct Lesions and Penumbra
Acute stroke lesions tend to increase in size over time, leading to increased damage to brain tissue. To address this issue, some researchers have used AI to predict the final infarct lesions and the penumbra [
].In 2017, McKinley et al [
] proposed an RF-based algorithm for penumbra prediction in multimodal MRI, called FASTER. This algorithm first extracts various statistical metrics from perfusion and diffusion imaging in the MRI data and then uses a decision forest algorithm to predict the penumbra [ ].In 2018, Nielsen et al [
] used CNNdeep to predict final infarct lesion, outperforming traditional general linear models, CNNs based on time to maximum, and apparent diffusion coefficient threshold methods.In 2020, Yu et al [
] proposed a UNet-based model for predicting the final infarct lesions in patients with acute ischemic stroke. This model is the first DL-based stroke infarct prediction model that does not rely on reperfusion information. The volume error between the predicted results and the ground truth is only 9 mm3 [ ].In 2021, Pinto et al [
] proposed a method combining restricted Boltzmann machine and gated recurrent unit to predict the final stroke lesion in patients with acute ischemic stroke after 90 days. Each restricted Boltzmann machine learns features from different MRI parameter maps, which are then merged with the original maps and input into a convolutional and recurrent neural network architecture for supervised learning [ ].In 2022, Wong et al [
] developed a DL-based method for predicting the final infarct volume from MRI images. This approach uses networks with rotation and reflection variants and incorporates clinical variables to predict the 90-day modified Rankin Scale score [ ].Estimation of Stroke Recovery Outcomes
Clinical data can assist in estimating stroke recovery. Lesion volume and lesion location are critical factors in predicting recovery. Patients with extensive brain damage or strokes affecting critical brain areas generally have a poorer prognosis. Integrating patient clinical records with medical imaging can enhance the estimation of recovery outcomes [
].Bentley et al [
] used SVMs to predict whether patients with acute ischemic stroke would develop symptomatic intracerebral hemorrhage after thrombolysis. Through the analysis of clinical records and brain CT images of 116 patients with acute stroke, the authors found that SVMs outperformed traditional prediction scoring systems in predicting symptomatic intracerebral hemorrhage [ ].Monteiro et al [
] investigated the use of ML methods to predict functional recovery in patients with ischemic stroke 3 months after the event. The study examined the performance of 5 different classifiers, among which RF exhibited the best performance [ ].Cheon et al [
] constructed a deep neural network model combined with principal component analysis for feature extraction. The model demonstrated high predictive ability based on clinical records from 15,099 patients with stroke [ ].Kuang et al [
] proposed an automated method for Alberta Stroke Program Early CT Score scoring from NCCT images of patients with acute ischemic stroke. This method uses texture features to train an RF classifier and performs well in identifying large areas of early infarction [ ].Scrutinio et al [
] used an RF algorithm enhanced with synthetic minority oversampling technique to predict the 3-year mortality rate of patients with severe stroke, significantly outperforming the logistic regression model.Brugnara et al [
] integrated clinical records, multimodal imaging, and angiographic features to predict the modified Rankin Scale outcomes of patients with acute ischemic stroke after endovascular treatment. With the increase in medical information modalities, the model performance gradually improves [ ].In-Depth Analysis of Stroke Prognosis
For stroke prognosis, both DL and ML have their respective advantages [
]. DL models require large amounts of data for training to learn sufficiently complex features and avoid overfitting. This also explains why the deep neural network in the study by Cheon et al [ ] achieved better performance after being trained on 15,099 clinical records, although acquiring a large amount of high-quality clinical data for stroke prognosis may be challenging.By contrast, traditional ML methods have demonstrated greater robustness and efficiency in handling stroke prognosis tasks. Studies have shown that when handling stroke prognosis tasks, RF and its variant models have shown better performance than other ML algorithms [
, , ]. This is mainly due to the robustness of RF models against data noise.For the estimation of the final infarct lesion and penumbra, although the existing estimation may not achieve high DSC values, metrics such as volume error and AUC have reached high levels, indicating good practical value. In the future, through continual optimization and improvement of algorithms, the clinical translation prospects of AI in final infarct estimation will be even broader.
Discussion
Principal Findings
Over the past 25 years, significant advances have been made in AI-assisted stroke diagnosis. From 1999 to 2012, development was constrained by the limited performance of traditional thresholding and heuristic algorithms, resulting in low diagnostic accuracy and restricted clinical applicability. From 2012 to 2016, the advent of, and the advances made by, ML algorithms significantly expanded research in AI-assisted stroke diagnosis. The implementation of advanced statistical models and classifiers enabled more detailed analysis of stroke imaging data and improved diagnostic precision. After 2016, DL techniques, particularly CNNs, demonstrated significant improvements over traditional methods and ML algorithms [
].AI has significantly enhanced the accuracy and efficiency of stroke lesion segmentation and classification, stroke risk prediction (eg, assessment of LA enlargement, CAS, and WMH), and stroke prognosis (eg, prediction of stroke recovery outcomes, final infarct lesion, and penumbra). Stroke lesion segmentation and classification enable more precise diagnoses, reduce the time to diagnosis, and improve patient treatment outcomes. Stroke risk prediction allows for timely intervention, potentially reducing stroke occurrence. Stroke prognosis helps physicians develop personalized rehabilitation plans, optimize treatment strategies in real time, and provide more accurate prognostic information to patients and their families. Integrating AI into clinical practice enables health care providers to use advanced data analysis and pattern recognition capabilities to streamline workflows, reduce diagnostic errors, enhance the diagnostic process, and improve the continuous monitoring and management of patients with stroke [
].However, notwithstanding the aforementioned advances, several challenges remain in clinical applications. First, stroke diagnosis is a complex process that requires the integration of multimodal information (eg, medical imaging, genomic data, and clinical records) for comprehensive evaluation. However, the effective integration of multimodal data with diverse formats is challenging. Second, AI algorithms lack effective clinical validation. The generalization ability of AI models is limited, with many algorithms performing inconsistently across different data sets and imaging devices. In addition, given the inherent “black box” nature of AI algorithms, it is essential to develop transparent and interpretable models to help clinicians build trust in AI-assisted diagnosis. Finally, the use of AI in stroke diagnosis presents privacy and data security issues. Traditional data-sharing and model training methods may lead to information leakage.
The recent emergence of models such as the Segment Anything Model (SAM) [
], Vision Mamba (VMamba) [ ], and multimodal large language models (LLMs) [ ] has provided new directions for stroke diagnosis. SAM boasts a large parameter count and introduces pretrained weights from vision transformer, resulting in excellent generalization performance for medical image segmentation [ ]. MedSAM, a fine-tuned version of the original SAM tailored for medical images, shows a 22.51% improvement in DSC on zero-shot medical image segmentation tasks compared to the untuned SAM [ ]. nnSAM integrates pretrained SAM encoders and UNet encoders in parallel, combining robust feature extraction capabilities with better adaptability to different image segmentation tasks [ ]. SAM performs well on external data sets from various imaging devices without further training, demonstrating potential to address the issue of limited generalization ability.Multimodal LLMs can effectively integrate multimodal clinical data, enabling a more comprehensive understanding of patient conditions [
, ]. Gu et al [ ] used LLMs for stroke quantitative evaluation using multimodal data, achieving an interrater agreement of 0.823 with expert ratings, demonstrating outstanding performance and application prospects. Meanwhile, VMamba represents a further improvement and upgrade of the transformer architecture. It can capture global information while maintaining linear computational complexity, addressing the performance bottleneck caused by the quadratic computational complexity of transformers [ ]. Whether VMamba can achieve a leap in performance for stroke diagnosis similar to transformers remains to be seen and will require further evaluation over time.Federated learning is able to address data privacy and security issues, allowing different institutions to collaboratively train AI models without sharing raw data. Federated learning not only protects patient privacy but also facilitates cross-institutional data sharing and collaboration, improving the generalization ability and accuracy of the models [
].Overall, standardization is a key factor in promoting the application of AI in the medical field. It is necessary to establish unified evaluation standards and operational procedures to ensure that different institutions and researchers can consistently use AI technologies. In addition, medical professionals need continuous education and training on AI to better understand and trust the technology, which will enable them to apply it more effectively in clinical practice [
].Conclusions
This paper reviewed the current status, challenges, and development trends of AI in acute stroke lesion segmentation and classification, stroke risk prediction, and stroke prognosis over the past 25 years. AI-assisted stroke diagnosis has now shown good performance, assisting physicians in making rapid diagnoses and improving patient outcomes. With the development of new AI technologies such as SAM, LLMs, and VMamba, AI-assisted diagnosis of acute stroke is expected to achieve higher accuracy and stability in the future.
Conflicts of Interest
None declared.
PRISMA_2020_checklist.
PDF File (Adobe PDF File), 64 KBReferences
- Tu WJ, Wang LD, Special Writing Group of China Stroke Surveillance Report. China stroke surveillance report 2021. Mil Med Res. Jul 19, 2023;10(1):33. [FREE Full text] [CrossRef] [Medline]
- GBD 2019 Stroke Collaborators. Global, regional, and national burden of stroke and its risk factors, 1990-2019: a systematic analysis for the Global Burden of Disease Study 2019. Lancet Neurol. Oct 2021;20(10):795-820. [FREE Full text] [CrossRef] [Medline]
- Feigin VL, Brainin M, Norrving B, Martins S, Sacco RL, Hacke W, et al. World Stroke Organization (WSO): global stroke fact sheet 2022. Int J Stroke. Jan 05, 2022;17(1):18-29. [CrossRef] [Medline]
- Xu H, He K, Hu R, Ge Y, Li X, Ni F, et al. Identifying key biomarkers and immune infiltration in female patients with ischemic stroke based on weighted gene co-expression network analysis. Neural Plast. Apr 8, 2022;2022:5379876. [FREE Full text] [CrossRef] [Medline]
- Morotti A, Poli L, Costa P. Acute stroke. Semin Neurol. Feb 11, 2019;39(1):61-72. [CrossRef] [Medline]
- Murray NM, Unberath M, Hager GD, Hui FK. Artificial intelligence to diagnose ischemic stroke and identify large vessel occlusions: a systematic review. J Neurointerv Surg. Feb 2020;12(2):156-164. [CrossRef] [Medline]
- Zhao Z, Zhang Y, Su J, Yang L, Pang L, Gao Y, et al. A comprehensive review for artificial intelligence on neuroimaging in rehabilitation of ischemic stroke. Front Neurol. Mar 28, 2024;15:1367854. [FREE Full text] [CrossRef] [Medline]
- Gama F, Tyskbo D, Nygren J, Barlow J, Reed J, Svedberg P. Implementation frameworks for artificial intelligence translation into health care practice: scoping review. J Med Internet Res. Jan 27, 2022;24(1):e32215. [FREE Full text] [CrossRef] [Medline]
- van Beek EJ, Kuhl C, Anzai Y, Desmond P, Ehman RL, Gong Q, et al. Value of MRI in medicine: more than just another test? J Magn Reson Imaging. Jun 25, 2019;49(7):e14-e25. [FREE Full text] [CrossRef] [Medline]
- El-Brashy MA, Mohamed HH, Ebied OM. Role of magnetic resonant diffusion-weighted imaging in evaluation of acute cerebral stroke. Menoufia Med J. 2014;27(4). [CrossRef]
- Wintermark M, Albers GW, Broderick JP, Demchuk AM, Fiebach JB, Fiehler J, et al. Acute stroke imaging research roadmap II. Stroke. Sep 2013;44(9):2628-2639. [FREE Full text] [CrossRef] [Medline]
- Leslie-Mazwi T, Chandra RV, Fraser JF, Hoh B, Baxter BW, Albuquerque FC, et al. AHA/ASA 2018 AIS guidelines: impact and opportunity for endovascular stroke care. J Neurointerv Surg. Sep 2018;10(9):813-817. [CrossRef] [Medline]
- Haggenmüller B, Kreiser K, Sollmann N, Huber M, Vogele D, Schmidt SA, et al. Pictorial review on imaging findings in cerebral CTP in patients with acute stroke and its mimics: a primer for general radiologists. Diagnostics (Basel). Jan 26, 2023;13(3):447. [FREE Full text] [CrossRef] [Medline]
- Wang Y, Yao Y. Application of artificial intelligence methods in carotid artery segmentation: a review. IEEE Access. Feb 6, 2023;11:13846-13858. [CrossRef]
- Leclerc S, Smistad E, Pedrosa J, Ostvik A, Cervenansky F, Espinosa F, et al. Deep learning for segmentation using an open large-scale dataset in 2D echocardiography. IEEE Trans Med Imaging. Sep 2019;38(9):2198-2210. [CrossRef] [Medline]
- Wardlaw JM, Smith EE, Biessels GJ, Cordonnier C, Fazekas F, Frayne R, et al. Neuroimaging standards for research into small vessel disease and its contribution to ageing and neurodegeneration. Lancet Neurol. Aug 2013;12(8):822-838. [CrossRef]
- Parums DV. Editorial: review articles, systematic reviews, meta-analysis, and the updated preferred reporting items for systematic reviews and meta-analyses (PRISMA) 2020 guidelines. Med Sci Monit. Aug 23, 2021;27:e934475. [FREE Full text] [CrossRef] [Medline]
- Cardenas CE, McCarroll RE, Court LE, Elgohari BA, Elhalawani H, Fuller CD, et al. Deep learning algorithm for auto-delineation of high-risk oropharyngeal clinical target volumes with built-in dice similarity coefficient parameter optimization function. Int J Radiat Oncol Biol Phys. Jun 01, 2018;101(2):468-478. [FREE Full text] [CrossRef] [Medline]
- Huttenlocher DP, Klanderman GA, Rucklidge WJ. Comparing images using the Hausdorff distance. IEEE Trans Pattern Anal Mach Intell. Sep 1993;15(9):850-863. [CrossRef]
- Purves RD. Optimum numerical integration methods for estimation of area-under-the-curve (AUC) and area-under-the-moment-curve (AUMC). J Pharmacokinet Biopharm. Jun 1, 1992;20(3):211-226. [CrossRef] [Medline]
- Bishop CM. Pattern Recognition and Machine Learning. New York, NY. Springer; 2006.
- Shreffler J, Huecker MR. Diagnostic testing accuracy: sensitivity, specificity, predictive values and likelihood ratios. In: StatPearls [Internet]. Treasure Island, FL. StatPearls Publishing; 2023.
- Kim DY, Oh HW, Suh CH. Reporting quality of research studies on AI applications in medical images according to the CLAIM guidelines in a radiology journal with a strong prominence in Asia. Korean J Radiol. Dec 2023;24(12):1179-1189. [FREE Full text] [CrossRef] [Medline]
- Lima FO, Silva GS, Furie KL, Frankel MR, Lev MH, Camargo ÉC, et al. Field assessment stroke triage for emergency destination: a simple and accurate prehospital scale to detect large vessel occlusion strokes. Stroke. Aug 2016;47(8):1997-2002. [FREE Full text] [CrossRef] [Medline]
- Bouchez L, Sztajzel R, Vargas MI, Machi P, Kulcsar Z, Poletti PA, et al. CT imaging selection in acute stroke. Eur J Radiol. Nov 2017;96:153-161. [CrossRef] [Medline]
- Guerrero R, Qin C, Oktay O, Bowles C, Chen L, Joules R, et al. White matter hyperintensity and stroke lesion segmentation and differentiation using convolutional neural networks. Neuroimage Clin. 2018;17:918-934. [FREE Full text] [CrossRef] [Medline]
- Amarenco P, Bogousslavsky J, Caplan LR, Donnan GA, Hennerici MG. Classification of stroke subtypes. Cerebrovasc Dis. Apr 3, 2009;27(5):493-501. [FREE Full text] [CrossRef] [Medline]
- Maier O, Wilms M, Gablentz J, Krämer U, Handels H. Ischemic stroke lesion segmentation in multi-spectral MR images with support vector machine classifiers. In: Proceedings of the SPIE Medical Imaging 2014. 2014. Presented at: SPIE 2014; February 16-18, 2014; San Diego, CA. [CrossRef]
- Mitra J, Bourgeat P, Fripp J, Ghose S, Rose S, Salvado O, et al. Lesion segmentation from multimodal MRI using random forest following ischemic stroke. Neuroimage. Sep 2014;98:324-335. [CrossRef] [Medline]
- Maier O, Wilms M, von der Gablentz J, Krämer UM, Münte TF, Handels H. Extra tree forests for sub-acute ischemic stroke lesion segmentation in MR sequences. J Neurosci Methods. Jan 30, 2015;240:89-100. [CrossRef] [Medline]
- Pustina D, Coslett HB, Turkeltaub PE, Tustison N, Schwartz MF, Avants B. Automated segmentation of chronic stroke lesions using LINDA: lesion identification with neighborhood data analysis. Hum Brain Mapp. Apr 12, 2016;37(4):1405-1421. [FREE Full text] [CrossRef] [Medline]
- Griffis JC, Allendorfer JB, Szaflarski JP. Voxel-based Gaussian naïve Bayes classification of ischemic stroke lesions in individual T1-weighted MRI scans. J Neurosci Methods. Jan 15, 2016;257:97-108. [FREE Full text] [CrossRef] [Medline]
- Goncharov M, Pisov M, Belyaev M. Ensembling convolutional neural networks for ischemic stroke lesion segmentation based on CT images. In: The Eleventh International Conference ИТиС 2018. 2018. Presented at: ИТиС 2018; August 20-25, 2018; Novosibirsk, Russia.
- Clèrigues A, Valverde S, Bernal J, Freixenet J, Oliver A, Lladó X. Acute ischemic stroke lesion core segmentation in CT perfusion images using fully convolutional neural networks. Comput Biol Med. Dec 2019;115:103487. [FREE Full text] [CrossRef] [Medline]
- Wang G, Song T, Dong Q, Cui M, Huang N, Zhang S. Automatic ischemic stroke lesion segmentation from computed tomography perfusion images by image synthesis and attention-based deep neural networks. Med Image Anal. Oct 2020;65:101787. [CrossRef] [Medline]
- Kuang H, Menon BK, Sohn SI, Qiu W. EIS-Net: segmenting early infarct and scoring ASPECTS simultaneously on non-contrast CT of patients with acute ischemic stroke. Med Image Anal. May 2021;70:101984. [CrossRef] [Medline]
- Soltanpour M, Greiner R, Boulanger P, Buck B. Improvement of automatic ischemic stroke lesion segmentation in CT perfusion maps using a learned deep neural network. Comput Biol Med. Oct 2021;137:104849. [CrossRef] [Medline]
- Luo C, Zhang J, Chen X, Tang Y, Weng X, Xu F. UCATR: based on CNN and transformer encoding and cross-attention decoding for lesion segmentation of acute ischemic stroke in non-contrast computed tomography images. In: Proceedings of the 43rd Annual International Conference of the IEEE Engineering in Medicine & Biology Society. 2021. Presented at: EMBC 2021; November 01-05, 2021; Virtual Event. [CrossRef]
- de Vries L, Emmer BJ, Majoie CB, Marquering HA, Gavves E. PerfU-Net: baseline infarct estimation from CT perfusion source data for acute ischemic stroke. Med Image Anal. Apr 2023;85:102749. [FREE Full text] [CrossRef] [Medline]
- Kuang H, Wang Y, Liu J, Wang J, Cao Q, Hu B, et al. Hybrid CNN-transformer network with circular feature interaction for acute ischemic stroke lesion segmentation on non-contrast CT scans. IEEE Trans Med Imaging. Jun 2024;43(6):2303-2316. [CrossRef]
- Chen L, Bentley P, Rueckert D. Fully automatic acute ischemic lesion segmentation in DWI using convolutional neural networks. Neuroimage Clin. 2017;15:633-643. [FREE Full text] [CrossRef] [Medline]
- Zhang R, Zhao L, Lou W, Abrigo JM, Mok VC, Chu WC, et al. Automatic segmentation of acute ischemic stroke from DWI using 3-D fully convolutional DenseNets. IEEE Trans Med Imaging. Sep 2018;37(9):2149-2160. [CrossRef] [Medline]
- Karthik R, Gupta U, Jha A, Rajalakshmi R, Menaka R. A deep supervised approach for ischemic lesion segmentation from multimodal MRI using fully convolutional network. Appl Soft Comput. Nov 2019;84:105685. [CrossRef]
- Clèrigues A, Valverde S, Bernal J, Freixenet J, Oliver A, Lladó X. Acute and sub-acute stroke lesion segmentation from multimodal MRI. Comput Methods Programs Biomed. Oct 2020;194:105521. [CrossRef] [Medline]
- Wu Z, Zhang X, Li F, Wang S, Li J. TransRender: a transformer-based boundary rendering segmentation network for stroke lesions. Front Neurosci. 2023;17:1259677. [FREE Full text] [CrossRef] [Medline]
- Wu Z, Zhang X, Li F, Wang S, Huang L, Li J. W-Net: a boundary-enhanced segmentation network for stroke lesions. Expert Syst Appl. Nov 2023;230:120637. [CrossRef]
- Soh WK, Yuen HY, Rajapakse JC. HUT: Hybrid UNet transformer for brain lesion and tumour segmentation. Heliyon. Dec 2023;9(12):e22412. [FREE Full text] [CrossRef] [Medline]
- Yahiya SY, Yousif A, Bakri MB. Classification of ischemic stroke using machine learning algorithms. Int J Comput Appl. Sep 15, 2016;149(10):26-31. [FREE Full text] [CrossRef]
- Gautam A, Raman B. Towards effective classification of brain hemorrhagic and ischemic stroke using CNN. Biomed Signal Process Control. Jan 2021;63:102178. [CrossRef]
- Chen YT, Chen YL, Chen YY, Huang YT, Wong HF, Yan JL, et al. Deep learning-based brain computed tomography image classification with hyperparameter optimization through transfer learning for stroke. Diagnostics (Basel). Mar 25, 2022;12(4):807. [FREE Full text] [CrossRef] [Medline]
- Gillebert CR, Humphreys GW, Mantini D. Automated delineation of stroke lesions using brain CT images. Neuroimage Clin. 2014;4:540-548. [FREE Full text] [CrossRef] [Medline]
- Matesin M, Loncaric S, Petravic D. A rule-based approach to stroke lesion analysis from CT brain images. In: Proceedings of the 2nd International Symposium on Image and Signal Processing and Analysis. In conjunction with 23rd International Conference on Information Technology Interfaces. 2001. Presented at: ISPA 2001; June 19-21, 2001; Pula, Croatia. [CrossRef]
- Shen S, Szameitat AJ, Sterr A. An improved lesion detection approach based on similarity measurement between fuzzy intensity segmentation and spatial probability maps. Magn Reson Imaging. Feb 2010;28(2):245-254. [CrossRef] [Medline]
- Dayang P, Kouyim Meli AS. Evaluation of image segmentation algorithms for plant disease detection. Int J Image Graph Signal Process. Oct 08, 2021;13(5):14-26. [CrossRef]
- Breiman L. Random forests. Mach Learn. 200;45:5-32. [FREE Full text] [CrossRef]
- Rish I. An empirical study of the naive Bayes classifier. In: Proceedings of the IJCAI 2001 Workshop on Empirical Methods in Artificial Intelligence. 2001. Presented at: IJCAI 2001; August 4-6, 2001; Seattle, WA.
- Liu X, Song L, Liu S, Zhang Y. A review of deep-learning-based medical image segmentation methods. Sustainability. Jan 25, 2021;13(3):1224. [CrossRef]
- Inamdar MA, Raghavendra U, Gudigar A, Chakole Y, Hegde A, Menon GR, et al. A review on computer aided diagnosis of acute brain stroke. Sensors (Basel). Dec 20, 2021;21(24):8507. [FREE Full text] [CrossRef] [Medline]
- Chawla M, Sharma S, Sivaswamy J, Kishore L. A method for automatic detection and classification of stroke from brain CT images. Annu Int Conf IEEE Eng Med Biol Soc. 2009;2009:3581-3584. [CrossRef] [Medline]
- Barber PA, Darby DG, Desmond PM, Gerraty RP, Yang Q, Li T, et al. Identification of major ischemic change. Diffusion-weighted imaging versus computed tomography. Stroke. Oct 1999;30(10):2059-2065. [CrossRef] [Medline]
- Han K, Xiao A, Wu E, Guo J, Xu C, Wang Y. Transformer in transformer. arXiv. Preprint posted online February 27, 2021
- Wolf PA, D'Agostino RB, Belanger AJ, Kannel WB. Probability of stroke: a risk profile from the Framingham Study. Stroke. Mar 1991;22(3):312-318. [CrossRef] [Medline]
- Boehme AK, Esenwa C, Elkind MS. Stroke risk factors, genetics, and prevention. Circ Res. Feb 03, 2017;120(3):472-495. [FREE Full text] [CrossRef] [Medline]
- Jaroslav P, Christian R, Stefan O, Alexander Z, Zepper P, Holger P, et al. Evaluation of serum biomarkers for patients at increased risk of stroke. Int J Vasc Med. 2012;2012:906954. [FREE Full text] [CrossRef] [Medline]
- Saba L, Saam T, Jäger HR, Yuan C, Hatsukami TS, Saloner D, et al. Imaging biomarkers of vulnerable carotid plaques for stroke risk prediction and their potential clinical implications. Lancet Neurol. Jun 2019;18(6):559-572. [CrossRef] [Medline]
- Adams HPJ, Bendixen BH, Kappelle LJ, Biller J, Love BB, Gordon DL, et al. Classification of subtype of acute ischemic stroke. Definitions for use in a multicenter clinical trial. TOAST. Trial of Org 10172 in Acute Stroke Treatment. Stroke. Jan 1993;24(1):35-41. [CrossRef] [Medline]
- Alam J, Hassan M, Khan A, Chaudhry A. Robust fuzzy RBF network based image segmentation and intelligent decision making system for carotid artery ultrasound images. Neurocomputing. Mar 2015;151:745-755. [CrossRef]
- Araki T, Jain PK, Suri HS, Londhe ND, Ikeda N, El-Baz A, et al. Stroke risk stratification and its validation using ultrasonic echolucent carotid wall plaque morphology: a machine learning paradigm. Comput Biol Med. Jan 01, 2017;80:77-96. [CrossRef] [Medline]
- Al-Mohannadi A, Al-Maadeed S, Elharrouss O, Sadasivuni KK. Encoder-decoder architecture for ultrasound IMC segmentation and cIMT measurement. Sensors (Basel). Oct 14, 2021;21(20):6839. [FREE Full text] [CrossRef] [Medline]
- Mi S, Bao Q, Wei Z, Xu F, Yang W. MBFF-Net: multi-branch feature fusion network for carotid plaque segmentation in ultrasound. In: Proceedings of the 24th International Conference on Medical Image Computing and Computer Assisted Intervention. 2021. Presented at: MICCAI 2021; September 27-October 1, 2021; Strasbourg, France. [CrossRef]
- Flaherty ML, Kissela B, Khoury JC, Alwell K, Moomaw CJ, Woo D, et al. Carotid artery stenosis as a cause of stroke. Neuroepidemiology. Oct 11, 2013;40(1):36-41. [FREE Full text] [CrossRef] [Medline]
- Jiang M, Chiu B. A dual-stream centerline-guided network for segmentation of the common and internal carotid arteries from 3D ultrasound images. IEEE Trans Med Imaging. Sep 2023;42(9):2690-2705. [CrossRef] [Medline]
- Degel MA, Navab N, Albarqouni S. Domain and geometry agnostic CNNs for left atrium segmentation in 3D ultrasound. In: Proceedings of the 21st International Conference on Medical Image Computing and Computer Assisted Intervention. 2018. Presented at: MICCAI 2018; September 16-20, 2018; Granada, Spain. [CrossRef]
- Moradi S, Oghli MG, Alizadehasl A, Shiri I, Oveisi N, Oveisi M, et al. MFP-Unet: a novel deep learning based approach for left ventricle segmentation in echocardiography. Phys Med. Nov 2019;67:58-69. [CrossRef] [Medline]
- Leclerc S, Smistad E, Grenier T, Lartizien C, Ostvik A, Cervenansky F, et al. RU-Net: a refining segmentation network for 2D echocardiography. In: Proceedings of the IEEE International Ultrasonics Symposium. 2019. Presented at: IUS 2019; October 6-9, 2019; Glasgow, UK.
- Liu F, Wang K, Liu D, Yang X, Tian J. Deep pyramid local attention neural network for cardiac structure segmentation in two-dimensional echocardiography. Med Image Anal. Jan 2021;67:101873. [FREE Full text] [CrossRef] [Medline]
- Li H, Wang Y, Qu M, Cao P, Feng C, Yang J. EchoEFNet: multi-task deep learning network for automatic calculation of left ventricular ejection fraction in 2D echocardiography. Comput Biol Med. Apr 2023;156:106705. [FREE Full text] [CrossRef] [Medline]
- Liu L, Chen S, Zhu X, Zhao XM, Wu FX, Wang J. Deep convolutional neural network for accurate segmentation and quantification of white matter hyperintensities. Neurocomputing. Apr 2020;384:231-242. [CrossRef]
- Park G, Hong J, Duffy BA, Lee JM, Kim H. White matter hyperintensities segmentation using the ensemble U-Net with multi-scale highlighting foregrounds. Neuroimage. Aug 15, 2021;237:118140. [FREE Full text] [CrossRef] [Medline]
- Li X, Zhao Y, Jiang J, Cheng J, Zhu W, Wu Z, et al. White matter hyperintensities segmentation using an ensemble of neural networks. Hum Brain Mapp. Feb 15, 2022;43(3):929-939. [FREE Full text] [CrossRef] [Medline]
- Huang F, Xia P, Vardhanabhuti V, Hui SK, Lau KK, Ka-Fung Mak H, et al. Semisupervised white matter hyperintensities segmentation on MRI. Hum Brain Mapp. Mar 10, 2023;44(4):1344-1358. [FREE Full text] [CrossRef] [Medline]
- Farkhani S, Demnitz N, Boraxbekk CJ, Lundell H, Siebner HR, Petersen ET, et al. End-to-end volumetric segmentation of white matter hyperintensities using deep learning. Comput Methods Programs Biomed. Mar 2024;245:108008. [FREE Full text] [CrossRef] [Medline]
- Raghib MF, Mutzenbach JS, Rösler C, Otto F, Coy MM, Müller-Thies-Broussalis E, et al. Acute treatment of stroke due to spontaneous calcified cerebral emboli causing large vessel occlusion. J Clin Neurosci. Jan 2018;47:56-61. [CrossRef] [Medline]
- Casaclang-Verzosa G, Gersh BJ, Tsang TS. Structural and functional remodeling of the left atrium: clinical and therapeutic implications for atrial fibrillation. J Am Coll Cardiol. Jan 01, 2008;51(1):1-11. [FREE Full text] [CrossRef] [Medline]
- Caprio FZ, Lin C. Unusual causes of ischemic stroke and transient ischemic attack. In: Hankey GJ, Macleod M, Gorelick PB, Chen C, Caprio FZ, Mattle H, editors. Warlow's Stroke: Practical Management, Fourth Edition. Hoboken, NJ. John Wiley & Sons; 2019.
- Alexandratou M, Papachristodoulou A, Li X, Partovi S, Davidhi A, Rafailidis V, et al. Advances in noninvasive carotid wall imaging with ultrasound: a narrative review. J Clin Med. Oct 20, 2022;11(20):6196. [FREE Full text] [CrossRef] [Medline]
- Jaff MR, Goldmakher GV, Lev MH, Romero JM. Imaging of the carotid arteries: the role of duplex ultrasonography, magnetic resonance arteriography, and computerized tomographic arteriography. Vasc Med. Nov 2008;13(4):281-292. [CrossRef] [Medline]
- Latha S, Muthu P, Lai KW, Khalil A, Dhanalakshmi S. Performance analysis of machine learning and deep learning architectures on early stroke detection using carotid artery ultrasound images. Front Aging Neurosci. Jan 27, 2021;13:828214. [FREE Full text] [CrossRef] [Medline]
- Debette S, Markus HS. The clinical importance of white matter hyperintensities on brain magnetic resonance imaging: systematic review and meta-analysis. BMJ. Jul 26, 2010;341:c3666. [FREE Full text] [CrossRef] [Medline]
- Das AS, Regenhardt RW, Vernooij MW, Blacker D, Charidimou A, Viswanathan A. Asymptomatic cerebral small vessel disease: insights from population-based studies. J Stroke. May 2019;21(2):121-138. [FREE Full text] [CrossRef] [Medline]
- Ertl M, Meisinger C, Linseisen J, Baumeister SE, Zickler P, Naumann M. Long-term outcomes in patients with stroke after in-hospital treatment-study protocol of the prospective stroke cohort Augsburg (SCHANA Study). Medicina (Kaunas). Jun 06, 2020;56(6):280. [FREE Full text] [CrossRef] [Medline]
- McKinley R, Häni L, Gralla J, El-Koussy M, Bauer S, Arnold M, et al. Fully automated stroke tissue estimation using random forest classifiers (FASTER). J Cereb Blood Flow Metab. Aug 2017;37(8):2728-2741. [FREE Full text] [CrossRef] [Medline]
- Nielsen A, Hansen MB, Tietze A, Mouridsen K. Prediction of tissue outcome and assessment of treatment effect in acute ischemic stroke using deep learning. Stroke. Jun 2018;49(6):1394-1401. [CrossRef]
- Yu Y, Xie Y, Thamm T, Gong E, Ouyang J, Huang C, et al. Use of deep learning to predict final ischemic stroke lesions from initial magnetic resonance imaging. JAMA Netw Open. Mar 02, 2020;3(3):e200772. [FREE Full text] [CrossRef] [Medline]
- Pinto A, Pereira S, Meier R, Wiest R, Alves V, Reyes M, et al. Combining unsupervised and supervised learning for predicting the final stroke lesion. Med Image Anal. Apr 2021;69:101888. [CrossRef] [Medline]
- Wong KK, Cummock JS, Li G, Ghosh R, Xu P, Volpi JJ, et al. Automatic segmentation in acute ischemic stroke: prognostic significance of topological stroke volumes on stroke outcome. Stroke. Sep 2022;53(9):2896-2905. [CrossRef] [Medline]
- Bentley P, Ganesalingam J, Carlton Jones AL, Mahady K, Epton S, Rinne P, et al. Prediction of stroke thrombolysis outcome using CT brain machine learning. Neuroimage Clin. 2014;4:635-640. [FREE Full text] [CrossRef] [Medline]
- Monteiro M, Fonseca AC, Freitas AT, Pinho e Melo T, Francisco AP, Ferro JM, et al. Using machine learning to improve the prediction of functional outcome in ischemic stroke patients. IEEE/ACM Trans Comput Biol Bioinf. Nov 1, 2018;15(6):1953-1959. [CrossRef]
- Cheon S, Kim J, Lim J. The use of deep learning to predict stroke patient mortality. Int J Environ Res Public Health. May 28, 2019;16(11):1876. [FREE Full text] [CrossRef] [Medline]
- Kuang H, Najm M, Chakraborty D, Maraj N, Sohn SI, Goyal M, et al. Automated ASPECTS on noncontrast CT scans in patients with acute ischemic stroke using machine learning. AJNR Am J Neuroradiol. Jan 2019;40(1):33-38. [FREE Full text] [CrossRef] [Medline]
- Scrutinio D, Ricciardi C, Donisi L, Losavio E, Battista P, Guida P, et al. Machine learning to predict mortality after rehabilitation among patients with severe stroke. Sci Rep. Nov 18, 2020;10(1):20127. [FREE Full text] [CrossRef] [Medline]
- Brugnara G, Neuberger U, Mahmutoglu MA, Foltyn M, Herweh C, Nagel S, et al. Multimodal predictive modeling of endovascular treatment outcome for acute ischemic stroke using machine-learning. Stroke. Dec 2020;51(12):3541-3551. [CrossRef]
- Desmurget M, Bonnetblanc F, Duffau H. Contrasting acute and slow-growing lesions: a new door to brain plasticity. Brain. Apr 2007;130(Pt 4):898-914. [CrossRef] [Medline]
- Beloosesky Y, Streifler JY, Burstin A, Grinblat J. The importance of brain infarct size and location in predicting outcome after stroke. Age Ageing. Nov 1995;24(6):515-518. [CrossRef] [Medline]
- Fang G, Huang Z, Wang Z. Predicting ischemic stroke outcome using deep learning approaches. Front Genet. Jan 24, 2021;12:827522. [FREE Full text] [CrossRef] [Medline]
- Bivard A, Churilov L, Parsons M. Artificial intelligence for decision support in acute stroke - current roles and potential. Nat Rev Neurol. Oct 24, 2020;16(10):575-585. [CrossRef] [Medline]
- Recht MP, Dewey M, Dreyer K, Langlotz C, Niessen W, Prainsack B, et al. Integrating artificial intelligence into the clinical practice of radiology: challenges and recommendations. Eur Radiol. Jun 2020;30(6):3576-3584. [CrossRef] [Medline]
- Mazurowski MA, Dong H, Gu H, Yang J, Konz N, Zhang Y. Segment anything model for medical image analysis: an experimental study. Med Image Anal. Oct 2023;89:102918. [CrossRef] [Medline]
- Zhu L, Liao B, Zhang Q, Wang X, Liu W, Wang X. Vision mamba: efficient visual representation learning with bidirectional state space model. arXiv. Preprint posted online January 17, 2024
- Meskó B. The impact of multimodal large language models on health care's future. J Med Internet Res. Nov 02, 2023;25:e52865. [FREE Full text] [CrossRef] [Medline]
- Ma J, He Y, Li F, Han L, You C, Wang B. Segment anything in medical images. Nat Commun. Jan 22, 2024;15(1):654. [FREE Full text] [CrossRef] [Medline]
- Li Y, Jing B, Li Z, Wang J, Zhang Y. nnSAM: plug-and-play segment anything model improves nnUNet performance. arXiv. Preprint posted online September 29, 2023. [FREE Full text]
- Elyoseph Z, Levkovich I, Shinan-Altman S. Assessing prognosis in depression: comparing perspectives of AI models, mental health professionals and the general public. Fam Med Community Health. Jan 09, 2024;12(Suppl 1):e002583. [FREE Full text] [CrossRef] [Medline]
- Chen Z, Balan MM, Brown K. Language models are few-shot learners for prognostic prediction. arXiv. Preprint posted online February 24, 2023
- Gu Z, He X, Yu P, Jia W, Yang X, Peng G, et al. Automatic quantitative stroke severity assessment based on Chinese clinical named entity recognition with domain-adaptive pre-trained large language model. Artif Intell Med. Apr 2024;150:102822. [FREE Full text] [CrossRef] [Medline]
- Li L, Fan Y, Tse M, Lin KY. A review of applications in federated learning. Comput Ind Eng. Nov 2020;149:106854. [CrossRef]
- Deniz-Garcia A, Fabelo H, Rodriguez-Almeida AJ, Zamora-Zamorano G, Castro-Fernandez M, Alberiche Ruano MD, et al. Quality, usability, and effectiveness of mHealth apps and the role of artificial intelligence: current scenario and challenges. J Med Internet Res. May 04, 2023;25:e44030. [FREE Full text] [CrossRef] [Medline]
Abbreviations
AF: atrial fibrillation |
AI: artificial intelligence |
AUC: area under the curve |
CAS: carotid artery stenosis |
CNN: convolutional neural network |
CT: computed tomography |
CTA: computed tomography angiography |
CTP: computed tomography perfusion |
DL: deep learning |
DSC: Dice similarity coefficient |
DWI: diffusion-weighted imaging |
FLAIR: fluid-attenuated inversion recovery |
kNN: k-nearest neighbors |
LA: left atrium |
LLM: large language model |
LSLoss: level set loss |
ML: machine learning |
MRI: magnetic resonance imaging |
NCCT: noncontrast computed tomography |
PRISMA: Preferred Reporting Items for Systematic Reviews and Meta-Analyses |
ResNet: residual network |
RF: random forest |
SAM: Segment Anything Model |
SVM: support vector machine |
T1WI: T1-weighted imaging |
T2WI: T2-weighted imaging |
VMamba: Vision Mamba |
WMH: white matter hyperintensities |
Edited by G Eysenbach; submitted 20.04.24; peer-reviewed by J Qin, Y Zhang, S Sakilay, K Gray; comments to author 08.06.24; revised version received 25.06.24; accepted 15.07.24; published 10.09.24.
Copyright©Zhaoxin Wang, Wenwen Yang, Zhengyu Li, Ze Rong, Xing Wang, Jincong Han, Lei Ma. Originally published in the Journal of Medical Internet Research (https://www.jmir.org), 10.09.2024.
This is an open-access article distributed under the terms of the Creative Commons Attribution License (https://creativecommons.org/licenses/by/4.0/), which permits unrestricted use, distribution, and reproduction in any medium, provided the original work, first published in the Journal of Medical Internet Research (ISSN 1438-8871), is properly cited. The complete bibliographic information, a link to the original publication on https://www.jmir.org/, as well as this copyright and license information must be included.