Skip to main content
Brain & NeuroRehabilitation logoLink to Brain & NeuroRehabilitation
. 2022 Oct 31;15(3):e26. doi: 10.12786/bn.2022.15.e26

Use of Machine Learning in Stroke Rehabilitation: A Narrative Review

Yoo Jin Choo 1, Min Cheol Chang 1,
PMCID: PMC9833483  PMID: 36742082

Abstract

A narrative review was conducted of machine learning applications and research in the field of stroke rehabilitation. The machine learning models commonly used in medical research include random forest, logistic regression, and deep neural networks. Convolutional neural networks (CNNs), a type of deep neural network, are typically used for image analysis. Machine learning has been used in stroke rehabilitation to predict recovery of motor function using a large amount of clinical data as input. Recent studies on predicting motor function have trained CNN models using magnetic resonance images as input data together with clinical data to increase the accuracy of motor function prediction models. Additionally, a model interpreting videofluoroscopic swallowing studies was developed and investigated. In the future, we anticipate that machine learning will be actively used to treat stroke patients, such as predicting the occurrence of depression and the recovery of language, cognitive, and sensory function, as well as prescribing appropriate rehabilitation treatments.

Keywords: Machine Learning, Artificial Intelligence, Stroke, Rehabilitation, Deep Learning

Graphical Abstract

graphic file with name bn-15-e26-abf001.jpg

Highlights

  • • A narrative review was conducted of machine learning applications and research in the field of stroke rehabilitation.

  • • Commonly used machine learning models in medical research include random forest, logistic regression, and deep neural networks.

  • • Machine learning can be used for various purposes, such as predicting function, recovery, and rehabilitation of stroke patients.

INTRODUCTION

Machine learning, an artificial intelligence (AI) technique, enables computer systems to learn patterns and rules from information and data provided without explicit programming [1]. Machine learning can be largely divided into unsupervised, supervised, reinforcement, and deep learning. Unsupervised learning involves predicting the results of new data by grouping data without ground-truth labels based on similar features [2]; it is somewhat more difficult than supervised learning because patterns and shapes are determined from unlabeled data [2,3]. Supervised learning involves using data with ground-truth labels for learning. Generally, classification or regression is conducted in the learning process by simultaneously providing input and output values [4]. Reinforcement learning involves a defined agent recognizing the current state and selecting a behavior or order of behaviors that maximize rewards among selectable behaviors in a certain environment [2,5]. Unlike supervised learning, reinforcement learning does not necessarily use a training set that consists of input and output pairs or explicitly correct and incorrect behaviors [5]. Deep learning is a set of machine learning algorithms that attempt high-level abstractions by combining several nonlinear transformations [6]. Deep learning, which uses a large amount of data to train and create a model capable of processing new data [7], has been applied in various fields, including computer vision, voice recognition, natural language processing, and voice/signal processing, producing advanced outcomes [6]. The widely recognized advantages of machine learning include its ability to identify interactions between several variables and detect useful information in time-series, clinical, and imaging data [8]. Applying conventional machine learning may be more appropriate depending on the data size and type, but deep learning may be more useful when analyzing big data and detecting useful information in image data [8]. Large amounts of information and image data are generated regarding the clinical condition of stroke patients [9]. Accordingly, we believe that machine learning can be used to process clinical and image data and be advantageous in stroke rehabilitation. Numerous studies have investigated applications of machine learning in stroke research. Most studies have focused on predicting the prognosis after a stroke using clinical data or on predicting functional recovery and screening lesions using magnetic resonance (MR) images or videofluoroscopic swallowing study (VFSS) data [10,11,12,13].

In this study, we describe machine learning and its use in the field of stroke rehabilitation based on previous studies.

REPRESENTATIVE MACHINE LEARNING MODELS

The algorithm models commonly used for machine learning are random forest, boosting, support vector machine, logistic regression, and deep neural networks. The random forest method is a type of supervised learning that prevents overfitting by creating multiple decision trees and averaging the results from each decision tree (Fig. 1A) [14]. Thus, a random forest can be considered an ensemble model that performs predictions by collecting classification results from several decision trees constructed during training [15]. A decision tree is trained by identifying optimal features and an optimal critical point that can effectively classify the features of the input data [14]. However, the random forest method randomly selects multiple decision trees and identifies a model composed of a set of decision trees with optimal features among several sets of decision trees [16]. The random forest method has the advantage of determining each input data point, but the disadvantage of being difficult to visualize [16,17]. Furthermore, the most important limitation of the random forest approach is that generalizing a dataset is difficult owing to the high probability of the accuracy or area under the receiver operating characteristic curve being different for each patient cohort [18].

Fig. 1. Basic structure of each type of machine learning: (A) random forest, (B) support vector machine, (C) logistic regression, and (D) deep neural network.

Fig. 1

In recent years, frequently-used ensemble approaches, such as eXtreme Gradient Boosting, the Light Gradient Boosting Machine, and CatBoost have been considered to outperform the random forest method. Boosting is an ensemble technique used to create a powerful prediction model by combining several weak decision trees [19]. Gradient boosting is a representative algorithm implemented using the boosting technique, and eXtreme Gradient Boosting is a library implemented for parallel learning using gradient boosting. eXtreme Gradient Boosting demonstrates excellent predictive performance in regression and classification domains and has faster learning and classification speeds than gradient boosting models. Furthermore, it is a robust method because it is equipped with an overfitting control function, but it tends to react sensitively to learning data because it uses tree-based learning; in addition, tuning is difficult owing to complicated hyperparameters [20]. The Light Gradient Boosting Machine method uses leaf-wise tree segmentation and continuously segments leaf nodes with maximum data loss without considering the balance of the tree; this method can minimize prediction error loss compared with a level-wise tree segmentation method. The Light Gradient Boosting Machine method uses less memory and has a short training time, automatic transformation, and optimal segmentation of categorical features; however, caution is required when using a small dataset because of the high probability of overfitting [21]. CatBoost has the advantage of solving the overfitting problem of gradient boosting and improving the learning speed of the algorithm over eXtreme Gradient Boosting and Light Gradient Boosting Machine. CatBoost is optimized for creating a prediction model for a categorical variable, in which input data can be used without an encoding process. However, missing data are not processed, and it is inappropriate to apply CatBoost to datasets with large amounts of missing data [22].

A support vector machine is a supervised learning model that divides a group of data by drawing a reference line or plane for data classification (Fig. 1B) [23]. A support vector machine determines the side of the boundary to which new data instances belong based on the divided datasets [24]. The reference line or plane is drawn as far away from each data point as possible [24]. Support vector machines have the advantage of providing a visual representation of data classification results [25]. Although support vector machines are powerful classifiers, they have several drawbacks. Various kernel and model parameter combinations must be tested to determine an optimal model in which the learning speed decreases as the number of features or examples increases in the input dataset [26]. Furthermore, the inner workings of support vector machines may be difficult to understand because the model is based on complicated mathematical systems, and interpreting the results is challenging [26].

Logistic regression is an algorithm that applies the linear regression method for classification and is included in supervised learning models (Fig. 1C) [27]. This technique models the linear relationships between at least one independent variable and one dependent variable. The dependent variable is determined by calculating and applying weights for each independent variable [28]. To develop a linear regression model, the regression coefficients and errors allow the generated linear relationship to adequately fit the provided data [28]. A logistic regression model provides both classification and probability and has the advantage of better understanding the contribution of each variable to the final fit [29]. However, the performance tends to degrade when a decision boundary is nonlinear, and interpreting the weights is difficult because each weight is multiplied instead of added [30].

As a machine learning method, a deep neural network model is trained in an artificial neural network structure based on the neural network structure of the human brain (Fig. 1D) [31]. An artificial neural network consists of several hidden layers between the input and output layers [32]. When the input data are fed to the deep neural network, the input value is multiplied by weights at the nodes constituting each layer, and the output data are produced through an activation function [32]. Parameters such as the loss function, learning rate, optimizer, batch size, and the number of epochs and iterations are varied by researchers to generate a deep neural network, with an optimal model selected by evaluating and comparing the accuracy of each model generated [33,34]. The multiple layers of complex networks appear to effectively represent the complex nature of the input and output variables [32]. This characteristic of deep neural networks allows the analysis of image data in addition to clinical data [32,33]. A convolutional neural network (CNN), which uses multiple channels of two-dimensional data as input and repeatedly transforms them using convolution and pooling operations, is a representative deep neural network (Fig. 2) [32,34]. These processes enable the extraction of useful features from input data. Consequently, CNNs have been used to identify image patterns and process image data [32]. Transformers are another type of model frequently used in the computer vision field. A transformer is a neural network that learns context and meaning by tracking relationships within sequential data [35]. Transformers are powerful neural network models that can detect subtle changes in the meaning of data elements apart from each other as their relationships change by applying evolving mathematical techniques that are referred to as attention or self-attention [35]. Transformers can learn from voice, image, and text data and have been used in various types of technologies, including translation, real-time conversion of voice to text, information extraction, and automatic question answering [36]. The fundamental drawback of transformers is that controlling attention is difficult. For example, a translator can only process character strings of a fixed length, while excessively long sentences must be segmented into segments or chunks of a certain number [37]. Nonetheless, the computation used in transformers is suitable for parallel processing, enabling a fast execution speed. Moreover, transformers are the most widely used neural network model in recent years owing to outstanding performance compared with CNNs and recurrent neural networks [35].

Fig. 2. Basic structure of a convolutional neural network.

Fig. 2

MACHINE LEARNING ALGORITHMS TRAINED ON CLINICAL DATA

Analyzing numerous input data to produce significant results using conventional statistical analysis methods is challenging. However, when the number of input data is large, machine learning, particularly deep learning, can be useful for identifying associations between data and producing meaningful outcomes.

The process of developing a machine learning algorithm using a large amount of clinical data as input is as follows. First, clinical data used for machine learning are collected. The clinical data are divided into input and target data, arranged and stored as CSV files [38]. For machine learning algorithms, programming languages such as Python, R, and Python-based deep learning frameworks such as PyTorch, TensorFlow, and Keras are typically used [39]. The data, divided into input and target data, are loaded onto the platform and converted into the NumPy array format for analysis using machine learning [39]. Subsequently, the data are stacked in a column and standardized. The data are then divided into training and test datasets, and the machine learning model is trained [39]. The accuracy of the model is tested, and the results are primarily presented in terms of accuracy, the receiver operating characteristic curve, and the area under the curve (AUC) [39]. In recent research, the precision-recall curve and Matthews correlation coefficient have been considered as ways to evaluate the performance of AI algorithms that use an imbalanced dataset, such as clinical data [40,41]. The precision-recall curve expresses precision and recall by changing the threshold, which is a parameter, and the accuracy of a model’s prediction can be identified using a graph [42]. The Matthews correlation coefficient is typically used for addressing a binary classification problem as it evaluates the performance of AI algorithms by considering the balance ratio of four confusion matrix categories (true positive, true negative, false positive, and false negative) [41]. In the field of stroke rehabilitation, patients’ clinical data have been used as input variables to develop machine learning algorithms to predict their functional outcomes. In 2017, Gupta et al. [10] collected more than 200 types of clinical data from 575 patients with intracerebral hemorrhage (ICH); these data included demographic data, state at admission, laboratory results, therapeutic tools, neurological findings, complications, medical history, and state at discharge. Gupta et al. [10] then classified the functional outcomes at 3 and 12 months after ICH onset as “good” or “poor” based on the National Institutes of Health Stroke Scale score, modified Rankin Scale score, Acute Physiology and Chronic Health Stroke Scale score, and Glasgow Coma Scale. They used a random forest model and obtained AUCs between 0.87 and 0.89. In 2018, Lin et al. [11] recruited 313 stroke patients and collected their clinical data during the early stage following stroke onset. Their data included the Barthel index, Berg balance scale, Fugl–Meyer assessment, 6-minute walk test, Mini-Mental State Examination, aphasia test, and dysphagia scale, which were used as input variables. The functional status at discharge was used as the output variable and was classified into three categories according to the Barthel index: ≥ 91, slight dependence; 61–90, moderate dependence; ≤ 60, extreme dependence. Random forest, logistic regression, and support vector machine models were used to develop the machine learning algorithm models, and the AUCs of the models were 0.792, 0.762, and 0.774, respectively. In 2019, Heo et al. [43] recruited 2,604 patients and collected data based on 38 variables, including age, sex, time from onset at admission, blood pressure, previous medical history, National Institutes of Health Stroke Scale score, and laboratory findings, to develop machine learning models for predicting motor outcomes 3 months post-stroke. They classified motor outcomes as “favorable” and “poor” following the measured modified Rankin Scale at 3 months post-stroke: ≤ 2: favorable, > 2: poor. The AUCs of the logistic regression, random forest, and deep neural networks were 0.849, 0.857, and 0.888, respectively.

However, it is difficult to apply models for the prognosis of patients with stroke that use a large amount of clinical data as input in the clinical domain because each hospital has different clinical data and tools for evaluating patient conditions. If any input and output variables used in model development are omitted, the developed model cannot be applied. Therefore, Kim et al. [44] recruited 833 stroke patients in 2022 and developed a model for predicting upper and lower extremity function using only essential patient data as input: age, sex, type of stroke (ischemic or hemorrhagic), modified Brunnstrom classification, functional ambulatory category, and Medical Research Council score at an early stage (8–30 days following stroke onset). The model produced AUCs of 0.736–0.836. Random forest, logistic regression, and deep neural network methods were used for model development, and the performance of the deep neural network was the highest.

Furthermore, based on data from 474 stroke patients in 2021, Choo et al. [45] constructed a model for predicting the necessity of applying an ankle-foot orthosis in early-stage patients 6 months following stroke onset. The prediction performances of the random forest, logistic regression, and deep neural network models were 0.855, 0.845, and 0.887, respectively.

MACHINE LEARNING ALGORITHMS TRAINED ON IMAGE DATA

Several attempts have recently been made to construct models for predicting the prognosis of stroke patients by learning from brain MR images. In 2021, Kim et al. [13] recruited 221 corona radiata infarct patients and developed a CNN model to predict the independent gait of patients 6 months following the onset of the infarct by extracting three T2-axial consecutive brain MR images at the levels of the lateral ventricle body from each patient as input data; the AUC of the model was 0.751. In 2021, Liang et al. [46] developed an algorithm that predicted post-stroke somatosensory function using the MR images and tactile discrimination test results of 40 patients with chronic stroke. Linear regression and a support vector machine model were used to develop the prediction model; two engineered feature pools (i.e., low- and high-order functional connectivity, or low-order functional connectivity only) and four prediction models were built and evaluated. Consequently, a regression model that used both low- and high-order functional connectivity predicted the results based on the correlation coefficient (r = 0.54, p = 0.0002). In 2022, Kim et al. [47] used clinical data, including age, sex, modified Brunnstrom classification, functional ambulation score, and Medical Research Council score at an early stage (8–30 days following stroke onset), and MR image data (three images from each patient) of the same 221 corona radiata infarct patients as input to develop the prediction model. This study demonstrated that an integrated algorithm trained using clinical data of patients and brain MR images could improve the accuracy of the prediction of long-term upper extremity function and ambulatory outcomes. In 2022, Meng et al. [48] developed a model that predicted hemorrhagic transformation using multiple parameter MR images of 71 patients with acute ischemic stroke. Multiple-parameter MR images were divided into normal regions of interest (ROIs) and abnormal ROIs to build a radiomics model using the random forest method. The radiomics model with an all-ROI feature obtained an AUC of 0.871, whereas the model with only an abnormal ROI feature obtained an AUC of 0.831. The AUC was further improved to 0.911 when the radiomics feature and clinical data were combined. This model may significantly help doctors diagnose the hemorrhage transformation of patients with acute ischemic stroke. In 2022, Mutke et al. [49] collected MR images and clinical data of 210 patients with acute ischemic stroke and large vessel occlusion for whom mechanical thrombectomy was performed. The data were used to predict favorable and poor outcomes after mechanical thrombectomy. The AUCs for two prediction scenarios were examined using seven machine learning algorithms: ElasticNet, generalized linear model, Lasso algorithm, multilayer perceptron, naive Bayes, support vector machine classifier, and tree boosting. Tree boosting provided the highest accuracy in the prediction models for favorable and poor outcomes, with the AUCs of both prediction models being 0.73. In 2022, Shin et al. [50] developed a CNN model for functional prediction using the brain MR images of 1,233 patients during early-stage stroke onset (20.8 images on average); the entire image was configured in three dimensions at the entire-brain level as the input data. The prediction performance in terms of the AUC of the upper extremity function was 0.768, and that of the lower extremity function was 0.828.

Dysphagia is a common complication in stroke patients [51], causing pneumonia and potentially resulting in death; thus, accurately evaluating the incidence of dysphagia is critical [51]. The standard diagnostic tool for dysphagia is the VFSS [12]. In 2022, Kim et al. [12] used the VFSS image data of 190 dysphagia patients, including 190 stroke patients, to construct an AI model using a CNN that distinguished “normal,” “penetration,” and “aspiration.” The developed model exhibited a high accuracy, with AUCs of 0.942, 0.878, and 1.000, respectively.

Numerous algorithms are being developed for using medical image data, such as MR images and computed tomography, to help diagnose and make treatment decisions. However, it must not be overlooked that using a high-quality dataset is a prerequisite for obtaining excellent learning and analysis results when using image data. According to professional organizations such as the Radiological Society of North America and the American Association of Physicists in Medicine, the systematic curation of high-quality image datasets affects AI development speed [52]. Therefore, caution should be taken not to use low-quality image data, including low-resolution, excessively small, and noisy images, for analysis and evaluation [53].

CONCLUSION

We reviewed machine learning research and its applications in the field of stroke rehabilitation. To date, machine learning models have been developed to predict the prognosis of motor function in stroke patients using clinical data and MR images as input data. Moreover, a machine learning model was developed to interpret the VFSS test. The results of previous studies imply that machine learning can be useful in clinical settings; such studies are important foundations for developing more valuable and accurate AI algorithms. However, most research on machine learning has focused on the internal validation of retrospective data, with insufficient research that performed external validation. Therefore, future studies should perform external validation to ensure that a similar level of performance can be demonstrated even when using data from diverse regions or countries to reduce generalization errors. AI is expected to be applied in predicting depression and language, cognitive, and sensory function recovery in stroke patients. However, for further improving the clinical usefulness of AI in the stroke rehabilitation field, simply predicting a favorable or poor outcome for patients after they suffer from stroke may be insufficient. Practical AI algorithms can be developed for healthcare professionals and patients, such as prescribing appropriate treatment for each patient in real time according to individual characteristics during clinical practice or predicting and providing rehabilitation treatment periods and costs. We expect AI to be increasingly applied in the future for various purposes in the stroke rehabilitation field. A basic knowledge of machine learning is essential for understanding research results and conducting research using machine learning. We hope that clinicians in the stroke rehabilitation field find this review useful for studying and understanding machine learning.

Footnotes

Funding: This work was supported by a grant from the Chunma Medical Research Foundation, Korea, 2022.

Conflict of Interest: The authors have no potential conflicts of interest to disclose.

References

  • 1.Janiesch C, Zschech P, Heinrich K. Machine learning and deep learning. Electron Mark. 2021;31:685–695. [Google Scholar]
  • 2.Jovel J, Greiner R. An introduction to machine learning approaches for biomedical research. Front Med (Lausanne) 2021;8:771607. doi: 10.3389/fmed.2021.771607. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 3.Exarchos I, Rogers AA, Aiani LM, Gross RE, Clifford GD, Pedersen NP, Willie JT. Supervised and unsupervised machine learning for automated scoring of sleep-wake and cataplexy in a mouse model of narcolepsy. Sleep (Basel) 2020;43:zsz272. doi: 10.1093/sleep/zsz272. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 4.Pan W, Shen X, Liu B. Cluster analysis: unsupervised learning via supervised learning with a non-convex penalty. J Mach Learn Res. 2013;14:1865. [PMC free article] [PubMed] [Google Scholar]
  • 5.Wagner M, Bodenstedt S, Daum M, Schulze A, Younis R, Brandenburg J, Kolbinger FR, Distler M, Maier-Hein L, Weitz J, Müller-Stich BP, Speidel S. The importance of machine learning in autonomous actions for surgical decision making. Art Int Surg. 2022;2:64–79. [Google Scholar]
  • 6.Sarker IH. Deep learning: a comprehensive overview on techniques, taxonomy, applications and research directions. SN Comput Sci. 2021;2:420. doi: 10.1007/s42979-021-00815-1. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 7.LeCun Y, Bengio Y, Hinton G. Deep learning. Nature. 2015;521:436–444. doi: 10.1038/nature14539. [DOI] [PubMed] [Google Scholar]
  • 8.Rajula HS, Verlato G, Manchia M, Antonucci N, Fanos V. Comparison of conventional statistical methods with machine learning in medicine: diagnosis, drug development, and treatment. Medicina (Kaunas) 2020;56:455. doi: 10.3390/medicina56090455. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 9.González RG. Clinical MRI of acute ischemic stroke. J Magn Reson Imaging. 2012;36:259–271. doi: 10.1002/jmri.23595. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 10.Gupta VP, Garton AL, Sisti JA, Christophe BR, Lord AS, Lewis AK, Frey HP, Claassen J, Connolly ES., Jr Prognosticating functional outcome after intracerebral hemorrhage: the ICHOP score. World Neurosurg. 2017;101:577–583. doi: 10.1016/j.wneu.2017.02.082. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 11.Lin WY, Chen CH, Tseng YJ, Tsai YT, Chang CY, Wang HY, Chen CK. Predicting post-stroke activities of daily living through a machine learning-based approach on initiating rehabilitation. Int J Med Inform. 2018;111:159–164. doi: 10.1016/j.ijmedinf.2018.01.002. [DOI] [PubMed] [Google Scholar]
  • 12.Kim JK, Choo YJ, Choi GS, Shin H, Chang MC, Park D. Deep learning analysis to automatically detect the presence of penetration or aspiration in Videofluoroscopic swallowing study. J Korean Med Sci. 2022;37:e42. doi: 10.3346/jkms.2022.37.e42. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 13.Kim JK, Choo YJ, Shin H, Choi GS, Chang MC. Prediction of ambulatory outcome in patients with corona radiata infarction using deep learning. Sci Rep. 2021;11:7989. doi: 10.1038/s41598-021-87176-0. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 14.Svetnik V, Liaw A, Tong C, Culberson JC, Sheridan RP, Feuston BP. Random forest: a classification and regression tool for compound classification and QSAR modeling. J Chem Inf Comput Sci. 2003;43:1947–1958. doi: 10.1021/ci034160g. [DOI] [PubMed] [Google Scholar]
  • 15.Denisko D, Hoffman MM. Classification and interaction in random forests. Proc Natl Acad Sci U S A. 2018;115:1690–1692. doi: 10.1073/pnas.1800256115. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 16.Chen X, Ishwaran H. Random forests for genomic data analysis. Genomics. 2012;99:323–329. doi: 10.1016/j.ygeno.2012.04.003. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 17.Mazumdar D, Neto MP, Paulovich FV. Random forest similarity maps: a scalable visual representation for global and local interpretation. Electronics (Basel) 2021;10:2862. [Google Scholar]
  • 18.Pirneskoski J, Tamminen J, Kallonen A, Nurmi J, Kuisma M, Olkkola KT, Hoppu S. Random forest machine learning method outperforms prehospital National Early Warning Score for predicting one-day mortality: a retrospective study. Resusc Plus. 2020;4:100046. doi: 10.1016/j.resplu.2020.100046. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 19.Odegua R. An empirical study of ensemble techniques (bagging, boosting and stacking); Proceedings of the conference “Deep Learning IndabaX”; 2019 March; Abuja, Nigeria. Lagos: University of Lagos; 2019. pp. 1–10. [Google Scholar]
  • 20.Chen T, Guestrin C. Xgboost: a scalable tree boosting system; In Proceedings of the 22nd ACM SIGKDD international conference on knowledge discovery and data mining; 2016 August; San Francisco, CA, USA. New York, NY: Association for Computing Machinery; 2016. pp. 785–794. [Google Scholar]
  • 21.Ke G, Meng Q, Finley T, Wang T, Chen W, Ma W, Ye Q, Liu TY. Lightgbm: a highly efficient gradient boosting decision tree. Adv Neural Inf Process Syst. 2017;30:3146–3154. [Google Scholar]
  • 22.Hancock JT, Khoshgoftaar TM. CatBoost for big data: an interdisciplinary review. J Big Data. 2020;7:94. doi: 10.1186/s40537-020-00369-8. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 23.Weis DC, Visco DP, Jr, Faulon JL. Data mining PubChem using a support vector machine with the Signature molecular descriptor: classification of factor XIa inhibitors. J Mol Graph Model. 2008;27:466–475. doi: 10.1016/j.jmgm.2008.08.004. [DOI] [PubMed] [Google Scholar]
  • 24.Winters-Hilt S, Merat S. SVM clustering. BMC Bioinformatics. 2007;8(Suppl 7):S18. doi: 10.1186/1471-2105-8-S7-S18. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 25.Awad M, Khanna R. Efficient learning machines. Berkeley, CA: Apress; 2015. Support vector machines for classification. [Google Scholar]
  • 26.Huang S, Cai N, Pacheco PP, Narrandes S, Wang Y, Xu W. Applications of support vector machine (SVM) learning in cancer genomics. Cancer Genomics Proteomics. 2018;15:41–51. doi: 10.21873/cgp.20063. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 27.Choi RY, Coyner AS, Kalpathy-Cramer J, Chiang MF, Campbell JP. Introduction to machine learning, neural networks, and deep learning. Transl Vis Sci Technol. 2020;9:14. doi: 10.1167/tvst.9.2.14. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 28.Sperandei S. Understanding logistic regression analysis. Biochem Med (Zagreb) 2014;24:12–18. doi: 10.11613/BM.2014.003. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 29.Nadkarni P. In: Clinical research computing. Nadkarni P, editor. Cambridge, MA: Academic Press; 2016. Chapter 4: core technologies: machine learning and natural language processing; pp. 85–114. [Google Scholar]
  • 30.Chang AC. In: Intelligence-based medicine. Chang AC, editor. Cambridge, MA: Academic Press; 2020. Chapter 5: machine and deep learning; pp. 67–140. [Google Scholar]
  • 31.Kriegeskorte N, Golan T. Neural network models and deep learning. Curr Biol. 2019;29:R231–R236. doi: 10.1016/j.cub.2019.02.034. [DOI] [PubMed] [Google Scholar]
  • 32.Sarker IH. Deep learning: a comprehensive overview on techniques, taxonomy, applications and research directions. SN Comput Sci. 2021;2:420. doi: 10.1007/s42979-021-00815-1. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 33.Shin H, Choi GS, Shon OJ, Kim GB, Chang MC. Development of convolutional neural network model for diagnosing meniscus tear using magnetic resonance image. BMC Musculoskelet Disord. 2022;23:510. doi: 10.1186/s12891-022-05468-6. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 34.Lee H, Song J. Introduction to convolutional neural network using Keras; an understanding from a statistician. CSAM. 2019;26:591–610. [Google Scholar]
  • 35.Vaswani A, Shazeer N, Parmar N, Uszkoreit J, Jones L, Gomez AN, Kaiser L, Polosukhin I. Attention is all you need. Adv Neural Inf Process Syst. 2017;30:1–11. [Google Scholar]
  • 36.Sulubacak U, Caglayan O, Grönroos SA, Rouhe A, Elliott D, Specia L, Tiedemann J. Multimodal machine translation through visuals and speech. Mach Transl. 2020;34:97–147. [Google Scholar]
  • 37.Roshanzamir A, Aghajan H, Soleymani Baghshah M. Transformer-based deep neural network language models for Alzheimer’s disease risk assessment from targeted speech. BMC Med Inform Decis Mak. 2021;21:92. doi: 10.1186/s12911-021-01456-3. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 38.Giulia A, Anna S, Antonia B, Dario P, Maurizio C. extending association rule mining to microbiome pattern analysis: tools and guidelines to support real applications. Front Bioinform. 2022;1:794547. doi: 10.3389/fbinf.2021.794547. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 39.Mendez KM, Pritchard L, Reinke SN, Broadhurst DI. Toward collaborative open data science in metabolomics using Jupyter Notebooks and cloud computing. Metabolomics. 2019;15:125. doi: 10.1007/s11306-019-1588-0. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 40.Chicco D, Tötsch N, Jurman G. The Matthews correlation coefficient (MCC) is more reliable than balanced accuracy, bookmaker informedness, and markedness in two-class confusion matrix evaluation. BioData Min. 2021;14:13. doi: 10.1186/s13040-021-00244-z. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 41.Chicco D, Jurman G. The advantages of the Matthews correlation coefficient (MCC) over F1 score and accuracy in binary classification evaluation. BMC Genomics. 2020;21:6. doi: 10.1186/s12864-019-6413-7. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 42.Keilwagen J, Grosse I, Grau J. Area under precision-recall curves for weighted and unweighted data. PLoS One. 2014;9:e92209. doi: 10.1371/journal.pone.0092209. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 43.Heo J, Yoon JG, Park H, Kim YD, Nam HS, Heo JH. Machine learning-based model for prediction of outcomes in acute stroke. Stroke. 2019;50:1263–1265. doi: 10.1161/STROKEAHA.118.024293. [DOI] [PubMed] [Google Scholar]
  • 44.Kim JK, Lv Z, Park D, Chang MC. Practical machine learning model to predict the recovery of motor function in patients with stroke. Eur Neurol. 2022;85:273–279. doi: 10.1159/000522254. [DOI] [PubMed] [Google Scholar]
  • 45.Choo YJ, Kim JK, Kim JH, Chang MC, Park D. Machine learning analysis to predict the need for ankle foot orthosis in patients with stroke. Sci Rep. 2021;11:8499. doi: 10.1038/s41598-021-87826-3. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 46.Liang X, Koh CL, Yeh CH, Goodin P, Lamp G, Connelly A, Carey LM. Predicting post-stroke somatosensory function from resting-state functional connectivity: a feasibility study. Brain Sci. 2021;11:1388. doi: 10.3390/brainsci11111388. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 47.Kim JK, Chang MC, Park D. Deep learning algorithm trained on brain magnetic resonance images and clinical data to predict motor outcomes of patients with corona radiata infarct. Front Neurosci. 2022;15:795553. doi: 10.3389/fnins.2021.795553. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 48.Meng Y, Wang H, Wu C, Liu X, Qu L, Shi Y. Prediction model of hemorrhage transformation in patient with acute ischemic stroke based on multiparametric MRI radiomics and machine learning. Brain Sci. 2022;12:858. doi: 10.3390/brainsci12070858. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 49.Mutke MA, Madai VI, Hilbert A, Zihni E, Potreck A, Weyland CS, Möhlenbruch MA, Heiland S, Ringleb PA, Nagel S, Bendszus M, Frey D. Comparing poor and favorable outcome prediction with machine learning after mechanical thrombectomy in acute ischemic stroke. Front Neurol. 2022;13:737667. doi: 10.3389/fneur.2022.737667. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 50.Shin H, Kim JK, Choo YJ, Choi GS, Chang MC. Prediction of motor outcome of stroke patients using a deep learning algorithm with brain MRI as input data. Eur Neurol. 2022 doi: 10.1159/000525222. [DOI] [PubMed] [Google Scholar]
  • 51.Feng MC, Lin YC, Chang YH, Chen CH, Chiang HC, Huang LC, Yang YH, Hung CH. The mortality and the risk of aspiration pneumonia related with dysphagia in stroke patients. J Stroke Cerebrovasc Dis. 2019;28:1381–1387. doi: 10.1016/j.jstrokecerebrovasdis.2019.02.011. [DOI] [PubMed] [Google Scholar]
  • 52.Gates ED, Celaya A, Suki D, Schellingerhout D, Fuentes D. An efficient magnetic resonance image data quality screening dashboard. J Appl Clin Med Phys. 2022;23:e13557. doi: 10.1002/acm2.13557. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 53.Saeed SU, Fu Y, Stavrinides V, Baum ZM, Yang Q, Rusu M, Fan RE, Sonn GA, Noble JA, Barratt DC, Hu Y. Image quality assessment for machine learning tasks using meta-reinforcement learning. Med Image Anal. 2022;78:102427. doi: 10.1016/j.media.2022.102427. [DOI] [PubMed] [Google Scholar]

Articles from Brain & NeuroRehabilitation are provided here courtesy of Korean Society for NeuroRehabilitation

RESOURCES