You are on page 1of 15

See discussions, stats, and author profiles for this publication at: https://www.researchgate.

net/publication/326720049

Clinical applications of machine learning in cardiovascular disease and its


relevance to cardiac imaging

Article  in  European Heart Journal · July 2018


DOI: 10.1093/eurheartj/ehy404

CITATIONS READS

76 2,060

22 authors, including:

Subhi J. Al'Aref Khalil Anchouche


University of Arkansas for Medical Sciences McGill University
109 PUBLICATIONS   556 CITATIONS    21 PUBLICATIONS   87 CITATIONS   

SEE PROFILE SEE PROFILE

Gurpreet Singh Piotr Slomka


Weill Cornell Medical College Cedars-Sinai Medical Center
31 PUBLICATIONS   244 CITATIONS    489 PUBLICATIONS   12,092 CITATIONS   

SEE PROFILE SEE PROFILE

Some of the authors of this publication are also working on these related projects:

Machine Learning based Clinical Decision Support System for Neurodegenerative Diseases View project

REFINE SPECT View project

All content following this page was uploaded by Subhi J. Al'Aref on 02 August 2018.

The user has requested enhancement of the downloaded file.


European Heart Journal (2018) 0, 1–14 CLINICAL REVIEW
doi:10.1093/eurheartj/ehy404

Clinical applications of machine learning in


cardiovascular disease and its relevance to
cardiac imaging
Subhi J. Al’Aref1†, Khalil Anchouche1†, Gurpreet Singh1, Piotr J. Slomka2,
Kranthi K. Kolli1, Amit Kumar1, Mohit Pandey1, Gabriel Maliakal1,
Alexander R. van Rosendael1, Ashley N. Beecy1, Daniel S. Berman2,
Jonathan Leipsic3, Koen Nieman4, Daniele Andreini5, Gianluca Pontone5,
U. Joseph Schoepf6, Leslee J. Shaw1, Hyuk-Jae Chang7, Jagat Narula8, Jeroen J. Bax9,
Yuanfang Guan10, and James K. Min1*
1
Department of Radiology, NewYork-Presbyterian Hospital and Weill Cornell Medicine, New York, NY, USA; 2Departments of Imaging and Medicine and Biomedical Sciences,
Cedars-Sinai Medical Center, Los Angeles, CA, USA; 3Departments of Medicine and Radiology, University of British Columbia, Vancouver, BC, Canada; 4Departments of
Cardiology and Radiology, Stanford University School of Medicine and Cardiovascular Institute, Stanford, CA, USA; 5Centro Cardiologico Monzino, IRCCS Milan, Italy; 6Division
of Cardiovascular Imaging, Department of Radiology and Radiological Science and Division of Cardiology, Department of Medicine, Medical University of South Carolina,
Charleston, SC, USA; 7Division of Cardiology, Severance Cardiovascular Hospital and Severance Biomedical Science Institute, Yonsei University College of Medicine, Yonsei
University Health System, Seoul, South Korea; 8Zena and Michael A. Wiener Cardiovascular Institute, Icahn School of Medicine at Mount Sinai, New York, NY, USA;
9
Department of Cardiology, Heart Lung Center, Leiden University Medical Center, Leiden, The Netherlands; and 10Department of Computational Medicine and Bioinformatics,
University of Michigan, Ann Arbor, MI, USA

Received 21 March 2018; revised 29 May 2018; editorial decision 22 June 2018; accepted 6 July 2018

Artificial intelligence (AI) has transformed key aspects of human life. Machine learning (ML), which is a subset of AI wherein machines au-
tonomously acquire information by extracting patterns from large databases, has been increasingly used within the medical community,
and specifically within the domain of cardiovascular diseases. In this review, we present a brief overview of ML methodologies that are
used for the construction of inferential and predictive data-driven models. We highlight several domains of ML application such as echo-
cardiography, electrocardiography, and recently developed non-invasive imaging modalities such as coronary artery calcium scoring and
coronary computed tomography angiography. We conclude by reviewing the limitations associated with contemporary application of ML
algorithms within the cardiovascular disease field.
...................................................................................................................................................................................................
Keywords Machine learning • Cardiovascular disease • Coronary computed tomography angiography • Echocardiography

..
Introduction .. driving. While the adoption of ML in the information technology
.. sector is nearly ubiquitous, its introduction into the medical field
..
Machine learning (ML), an extension of the century-long quest for .. has been much more subdued. The landscape, however, is rapidly
artificial intelligence (AI), has altered our collective conception of .. changing. Equipped with novel ML frameworks, increasing compu-
..
information and its seemingly boundless potential for guiding .. tational power and the availability of big data, the ML community is
change. Machine learning is broadly defined as the ability of a sys-
.. now concentrating its efforts squarely at complex tasks in the
..
tem to autonomously acquire knowledge by extracting patterns .. healthcare sector. These efforts have borne their fruits, for ex-
from large data sets.1 This field has sparked tremendous innovation
.. ample, in radiology, where an ML platform has been demonstrated
..
in all sectors of the technology industry, from speech recognition .. to be as effective as a human radiologist in validating presumptive
and sentiment analysis to spam filters, chat-bots and autonomous
.. diagnoses.2 In pathology, ML has uncovered entirely new
.
* Corresponding author. Tel: þ1-212-746-6192, Fax: þ1-212-746-0129, Email: jkm2001@med.cornell.edu

The first two authors contributed equally to the content of the manuscript.
Published on behalf of the European Society of Cardiology. All rights reserved. V
C The Author(s) 2018. For permissions, please email: journals.permissions@oup.com.

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
2 S.J. Al’Aref et al.

..
prognostic histological features in breast cancer.3 More recently, in .. clinical outcomes, e.g. experienced a stroke/did not experience a
clinical cardiology, it has been shown that ML is more adept in the .. stroke. Such information can be most compactly represented using
..
prediction of either cardiovascular or all-cause mortality than clin- .. matrix notation, whereby each row of a design matrix X corresponds
ical or imaging modalities used separately.4,5 Altogether, the po- .. to an object and each column to a feature, with its matching label
..
tential for ML to fundamentally change the way we practice .. contained in a vector y. Once raw data has been gathered and stored
medicine is now well-appreciated.6 In this review, the goals are .. in a matrix, a number of pre-processing steps are then performed be-
..
three-fold: (i) to outline in detail the general methodology .. fore it can be further manipulated. Typically, the categorical features
employed in ML endeavours for a clinical audience; (ii) to highlight .. are represented numerically using a technique known as one-hot
..
some of the avenues in which ML has found application in cardi- .. encoding. One-hot encoding is the process of binarization of categor-
ology; and (iii) to note a few limitations for its expanded use in .. ical values in order to transform the values into a format that has
..
healthcare. .. been observed to work well for classification and regression algo-
.. rithms. Additionally, given the numerous imperfections which can
..
.. plague imported datasets such as sparsity, the presence of outliers,
..
Overview of machine learning ..
..
and inter-variable differences in scale, further transforms such as im-
putation of missing data and normalization are then employed to as-
Machine learning, a broad discipline with foundations in mathematics
.. sist in standardization. As it happens, many of these transforms are
..
and computer science, proposes a set of novel algorithms and meth- .. actually necessary prerequisites in the application of ML algorithms
odologies for the construction of inferential and predictive data-
.. that rely on gradient descent, a frequently used numerical optimiza-
..
driven models. It is important, however, to first clearly delineate what .. tion algorithm. There are numerous strategies that can then be
.. employed to determine the optimal feature representation of the
ML can and cannot do. Machine learning does not constitute general ..
intelligence. Rather, it is used to tackle classes of well-defined prob- .. objects in a dataset once it has been preprocessed, comprising the
..
lems, which were historically too difficult, if not altogether impossible, .. full gamut from feature selection (only the most ‘predictive’ features
to solve with rule-based paradigms (‘if . . . then . . .’). A representative .. are used in the construction of a model) to feature extraction (multi-
..
and often-cited early application of ML is that of handwritten digit .. dimensional feature vectors are projected to a lower dimensionality
recognition.7 Early research in the field focused on the development .. subspace allowing for a more succinct representation of each object).
..
of models capable of correctly assigning labels (0–9) to a set of images .. Beyond this, feature engineering can also be performed, a labour-inten-
containing hand-written digits. Rather than delineating explicit criteria .. sive process whereby handcrafted features are added to a dataset in
..
for the classification of each of the ten digits such as characteristic .. the hopes of achieving enhanced classification. More novel ML frame-
symmetries and geometric configurations, ML proposes using vast .. works, such as deep learning, automate this difficult task. These meth-
..
troves of data (in this case, other images of handwritten digits along .. odologies have been well characterized in the ML literature and are
with their correct labels) to ‘learn’ mathematical representations of .. typically adapted empirically to the problem at hand.9
..
these characters. Such representations can then be extended to ..
make prediction on previously unseen images. This is an example of ..
..
supervised learning, a framework in which a computer learns directly .. Algorithms
from large quantities of correctly labelled examples.8 It is within this
..
..
context that it is vital to keep in mind that, as of now, state-of-the-art .. Supervised ML algorithms can be employed to tackle both classifica-
ML algorithms are still focused on discriminative learning and not gen-
.. tion and regression problems. The goal in the former task is to cor-
..
erative modelling, thus are incapable of deciphering underlying true .. rectly assign a binary or multi-class label, while in the latter, it is to
probability distribution and infer like humans. Unsupervised learning,
.. correctly predict a real-valued output. Conveniently, many ML algo-
..
on the other hand, does not necessitate any pre-defined human input; .. rithms are sufficiently flexible to accomplish both types of analysis
in this framework, an algorithm attempts to autonomously derive
..
.. with only minor adaptations, although constraints such as interpret-
conclusions from unlabeled data. A common example of unsuper- .. ability, computational cost, and type of available data need to be con-
..
vised learning is cluster analysis, where a dataset, without a priori .. sidered in tailoring the choice of algorithm. We focus in this review
knowledge of its true labels, is partitioned into clusters of ‘similar’ .. primarily on classification tasks. Machine learning algorithms fre-
..
objects. The third type is known as reinforcement learning, which is .. quently employed in practice include linear and logistic regression,
reward-based learning that is typically used in robotic and gaming .. artificial neural networks (ANN), support vector machines (SVM),
..
applications. We focus in this review primarily on supervised ML, .. and tree-based methods. These individual models can then be com-
which has found the widest applicability to date. .. bined with one another using ensemble learning, a methodology which
..
.. leverages the power of multiple weak classifiers to achieve optimal
.. overall performance. Datasets used in ML projects are typically parti-
..
Data .. tioned into training, validation, and test subsets: the training set, which
.. encompasses the bulk of all available data, is used for the primary de-
..
In order to employ the tools and techniques of supervised ML, data .. velopment of the model; the validation set is used to estimate overall
must first be framed appropriately. Datasets generally consist of a set .. model performance or to fine-tune its hyperparameters.
..
of objects characterized by a number of features and their associated .. Hyperparameters, as opposed to standard model parameters, are
labels. For instance, a dataset might consist of patients represented
.. weighted factors set before the learning process begins. Thereafter,
..
by clinical and medical imaging parameters, with their associated . repeated multi-fold training/validation (cross-validation) is

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
Clinical applications of machine learning in cardiovascular disease 3

Figure 1 Schematic diagram of splitting dataset for training machine learning model. Dataset is typically split into training and test subsets. The
training set is used to develop the model in question, while the test set is used to assess its generalizability. During cross-validation, the training set is
divided into two subsets; one is used to train the model and the second subset is used to validate the model at each iteration. Shown in the figure is
an example of four-fold cross-validation wherein 75% of the training dataset was used for training and the remaining 25% was used for validation the
results at each iteration.

Figure 2 Simplified representation of the decision boundary for model (A) underfitting, (B) optimal fitting, and (C) overfitting. An underfitted model
is incapable of representing the actual data distribution. Usually in such cases, one should chose a more complex model such as increasing the degree
of polynomia for regression. However, increasing the complexity beyond a certain limit can lead to an overfitted model. These models perform well
on the training datasets but may fail on unseen datasets. Therefore, a trade-off between model complexity and data representation is desirable to ob-
tain an optimally fitted model.

performed, which removes the variance in the created model due to .. ‘learns’ by iteratively adapting its internal parameters to fit the training
..
just one random split selection into just one training and validation .. data via optimization of an objective function (Table 1). Ultimately,
set. Finally, an independent (external) test set can be used to assess
.. the challenge of ML is to efficiently perform these steps, while avoid-
..
its generalizability once completely optimized (Figure 1). Once an al- .. ing over-fitting (Figure 2). That is, the constructed model should not be
gorithm and training framework is settled upon, the algorithm then
.. so specific to the noise in the data on which it was initially trained so

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
4 S.J. Al’Aref et al.

Figure 3 Machine learning model capacity and error on a bias-variance spectrum. Bias refers to the error that is introduced by constructing an ex-
cessively simple model with poor prediction accuracy. Variance, on the other hand, refers to the error incurred by building an excessively complex
model, attuned to noise in the training data. Here, we plot the training error vs. model capacity to show the bias-variance spectrum. Two distinct
zones exist, namely, overfitting and underfitting zones. During model training, there may exist a hinge point that represents the achievable optimal
capacity of the model. Prior to this point, the model has high bias and is underfitted. Subsequent to the hinge point, if trained, the model will eventually
become overfitted and have high variance.

..
as to perform well in both training and validation, only to fail in repro- .. designation of appropriate benchmarks. These measures are of para-
ducing those results on an independent test set. In ML parlance, such .. mount importance, as they are used to quantify the degree to which
..
models are often said to be characterized by ‘high variance’ (Figure 3). .. the constructed model is successfully achieving its designated task
Convolutional neural networks (CNNs) are a class of ML based .. and will guide all subsequent adjustments (such as gathering more
..
approaches aptly suited for image analysis. Convolutional neural net- .. data, fine-tuning hyperparameters, employing regularization, or using
works require minimal pre-processing and are generally composed .. an entirely different learning algorithm) (Figure 4). The choice of a
..
of multiple convolution layers, where multiple kernels/filters of .. performance metric is largely problem-dependent. For example,
shared weights are used to find local patterns in organized data such
.. while accuracy is often an intuitive and convenient metric for use in a
..
as images. Convolutional neural networks consist of an input and an .. binary classification problem, it may actually mask poor model per-
output layer, as well as intermediary hidden layers. Each layer is con-
.. formance if it is attempting to predict an exceedingly infrequent
..
nected in an end-to-end manner, and weights are trained using back- .. event, such as the occurrence of a rare disease. In such a scenario, a
propagation. Convolutional neural networks have become the ‘go-
.. classifier which indiscriminately labelled all patients as ‘normal’ might
..
to’ approach for feature extraction in cardiovascular imaging sets, .. achieve near perfect accuracy, while actually misclassifying every oc-
and examples of such networks include U-Net, VGG, Faster R-
.. currence of the disease. In the medical literature, the performance of
..
CNN.10 A significant limitation associated with CNN is highlighted by .. a classifier is typically reported using a receiver-operating characteris-
..
adversarial examples, wherein CNNs erroneously misclassified a .. tic curve along with its corresponding area under the curve (AUC or
completely unrecognizable image into a recognizable object with .. C-statistic), which allows for the quantification of both sensitivity and
..
high confidence (for instance, calling pixelated noise as an animal).11 .. specificity at every classifier threshold. Other performance metrics
Towards this, a class of unsupervised learning based CNNs, called of .. also exist, such as squared error. Importantly, it should be noted that
..
generative adversarial networks (GANs) has been proposed and is .. ML, for datasets with real-life complexity, may give very high accura-
still an active area of research for data augmentation. Another recent .. cies but without guaranteeing correct prediction. Given any task, it is
..
breakthrough towards mitigating such pitfalls is the inception of .. then merely a matter of experimentation to determine the optimal
Capsule Networks (CapsNet) that instead of stacking deeper layers .. model with the greatest potential for generalizability. Theoretically,
..
has capsules of CNN layers.12,13 .. the lowest attainable error is known as the Bayes error rate. This ceil-
.. ing on performance exists because most phenomena studied in the
..
.. natural world are permeated by noise. Consider, for example, two
Performance metrics and model .. patients characterized by identical clinical parameters; while it may be
..
refinement .. reasonable to assume that such individuals will, on average, experi-
.. ence similar clinical outcomes, it is impossible to make such a claim
..
Two crucial decisions must be made early in the construction of an .. with absolute certainty because the system being approximated is
ML pipeline: namely, the selection of a performance metric and the
.. probabilistic rather than deterministic.

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
Clinical applications of machine learning in cardiovascular disease 5

Table 1 An overview of algorithms commonly used in machine learning

Algorithm Overview Illustration


....................................................................................................................................................................................................................
Artificial neural An ANN consists of a set of nodes (often referred to as ‘neurons’) configured in layers
networks (input, hidden, and output), connected to one another via weighted edges. Input feature
(ANN) vectors are processed sequentially by every layer in the net via non-linear transforma-
tions, before an output (e.g. a class label) is generated upon reaching the final layer.
During the training process, if the output of the ANN is incorrect, the edge weights are
incrementally adjusted to account for the error via an algorithm known as back-propa-
gation. The ANN is foundational to deep learning.

Support vector The SVM classifier is constructed by projecting training data into a higher dimensional
machine (SVM) space via mappings known as kernels, and devising in this new space a boundary (for-
mally known as a hyperplane), which maximizes separation between the classes. New
examples are then projected into this higher dimensional space, where this previously
learned boundary is used to assign labels.

Decision Tree The decision tree is the simplest tree-based machine learning model. The aim is to recur-
sively construct a tree structure, which can accurately assign labels given an input fea-
ture vector by creating the appropriate ‘splits’, a process known as recursive
partitioning. Importantly, trees can be combined using ensemble learning to yield potent
classifiers such as random forests and boosted trees.

k-Nearest neigh- In KNN, every object being classified is compared to its k nearest training examples via a
bours (KNN) distance function, where k is an integer; its label is then assigned by majority vote.

.. streamlined hospital-care and cut costs.29,30 Modern ML models are


Domains of application ..
.. now able to identify different wave morphologies (QRS complexes, P
Machine learning has yet to find a prominent role in clinical cardi-
..
.. and T waves) with high precision; using this information, clinically sig-
ology. While a plethora of studies have been published during the .. nificant parameters such as heart rate, axis deviation, and interval
past decade examining its potential utility in various clinical contexts,
..
.. lengths can then be calculated. Models have also been proposed for
currently, there is no consensus regarding the manner in which to .. the high fidelity detection of both ST-changes as well as common
construct and apply such models or objectively evaluate their results.
..
.. rhythm disturbances, such as atrial fibrillation and interventricular
In light of this, we highlight in this review the numerous domains with- .. conduction delay (more complex arrhythmias, however, still often
..
in cardiovascular medicine where ML algorithms have been .. necessitate human validation). At the root of this automation are
employed, ranging from coronary artery disease evaluation to heart .. storied ML algorithms, including ANN, SVM, and hidden Markov
..
failure phenotyping (Table 2). .. models.31 In recent years, numerous ECG pre-processing, feature ex-
.. traction and classifier algorithms have been detailed in an ever-
..
.. expanding literature using tools borrowed primarily from the fields
.. of signals processing and wavelet analysis.32–37 The accuracy of these
Electrocardiography ..
.. models has been historically evaluated using annotated public domain
Automated electrocardiogram (ECG) interpretation, an enterprise .. ECG repositories, such as the Massachusetts Institute of
..
initially undertaken in the 1960s with the advent of digital ECG .. Technology—Beth Israel Hospital (MIT-BIH) arrhythmia and
machines, is now almost universal.28 It was the first instance in which
.. European ST-T databases.38,39 For example, Zhao et al. proposed a
..
rudimentary AI (likely a rule-based expert system) effectively . simple but highly predictive framework in which ECG tracings were

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
6 S.J. Al’Aref et al.

Figure 4 A general outline of the step-by-step approach to machine learning.

..
characterized using both a wavelet transform and autoregressive .. commercial softwares developed for the functional analysis of 2DE
modelling. These feature vectors were then used to classify the trac- .. data (e.g. EchoPAC by GE healthcare, QLAB by Philips etc.), which
..
ing as one of five common arrhythmias using an SVM ML algorithm .. can perform an assortment of tasks ranging from segmentation and
with a Gaussian kernel. This methodology achieved test set classifica- .. detection of anatomic landmarks to blood tracking. All results from
..
tion accuracies of 100%, 98.66%, 100%, 99.66%, and 100% for sinus .. such analyses, however, are wholly dependent upon careful annota-
rhythm, left bundle branch block, right bundle branch block, prema-
.. tion of input data, which is implicitly deferred to the clinician. That is,
..
ture ventricular contraction, and premature atrial contraction, re- .. in order to use these tools, the physician evaluating the imaging study
spectively, on the MIT-BIH dataset.33 Similarly, a number of pre-
.. must manually select the correct study, choose an appropriate win-
..
processing algorithms and classifiers have been proposed for the de- .. dow, and specify which parameters to compute. These steps, while
tection of ischaemic changes. For example, a neural network for the
.. trivial in the evaluation of an individual echocardiogram, become limi-
..
detection of ST-changes proposed by Afsar et al.,40 using wavelet- .. tations when analysing significantly larger datasets. Khamis et al.14
transformed ECG signals as input, achieved a sensitivity of 90.75%
.. demonstrated that apical two-chamber (A2C), apical four-chamber
..
and positive predictive value of 89.2% on the European Long-Term .. (A4C), and apical long-axis (ALX) images could be correctly classified
..
ST-T Database. More recently, the Stanford Machine Learning Group .. using a novel spatio-temporal feature extraction and supervised dic-
used a 34-layer convolutional neural network, a form of deep learn- .. tionary learning. This methodology achieved diagnostic accuracies of
..
ing) to detect a broad range of arrhythmias and found that the model .. 97%, 91% and 97% for A2C, A4C, and ALX images, respectively. In
exceeded the average cardiologist performance in both recall and .. 2015, Knackstedt et al.15 demonstrated that the ejection fraction and
..
precision compared to board-certified cardiologists.41 .. longitudinal strain could be reliably and reproducibly computed from
.. echocardiographic data using commercially available proprietary ML
..
.. software. The automated values generated were compared with
..
Echocardiography .. those obtained via visual estimation and manual tracing, demonstrat-
.. ing significantly improved speed (automated analysis was completed
Two-dimensional echocardiography (2DE) is ubiquitously used to .. within an average of 8 s) without any loss in accuracy. More recently,
..
guide the diagnosis and down-stream management of numerous .. a number of deep learning architectures have been proposed for left
cardiac pathologies. Detailed echocardiography, however, is .. ventricular volume estimation and segmentation, as well as viewpoint
..
resource-intensive, often resulting in visual estimation rather than .. classification.43,44 Finally, ML has also been utilized to detect and char-
precise calculation.42 Machine learning proposes to automate many
.. acterize valvular and anatomic pathology, as well as to enhance the
..
of these processes. There are already a number of widely-adopted . quality of existing echocardiograms16–18,45–50 (Figure 5 and Table 2).

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
Clinical applications of machine learning in cardiovascular disease 7

Figure 5 Spectrum of applications for advanced machine learning algorithms in clinical echocardiography.

Coronary artery calcium scoring ..


.. For the assessment of the functional significance of atherosclerotic
and coronary computed .. lesions, an automated ML-based algorithm segmented the coronary
..
tomography angiography .. tree with and without accounting for the partial volume effect (PVE).
.. Partial volume effect could lead to overestimation of lumen area in
..
Non-invasive imaging has become instrumental in establishing the .. coronary vessels with a small diameter, which is an important param-
presence of coronary artery disease (CAD) and subsequent deter-
.. eter in the determination of the haemodynamic significance of a cor-
..
mination of downstream prognosis. Coronary artery calcium (CAC) .. onary lesion. As such, incorporation of the PVE improved the AUC
scoring and/or coronary computed tomography angiography
.. for the detection of haemodynamically significant CAD from 0.76 to
..
(CCTA) provide the ability to assess atherosclerosis both qualitative- .. 0.80 when compared with invasively assessed fractional flow reserve
ly and quantitatively, while CCTA can further provide information on
.. (FFR).55 Machine learning has also been used to compute a fractional
..
stenosis severity of a particular atherosclerotic lesion. Machine learn- .. flow reserve (FFRCT) directly from CT angiographic features without
.. the traditional computational fluid dynamics approach and showed
ing algorithms have been extensively used for optimization of infor- ..
mation extraction from such imaging modalities. For example, Takx .. incremental prognostic value for the determination of the risk of fu-
.. ture adverse events.56–58 In related work, ML (LogitBoost algorithm)
et al.51 used an ML-based approach that used supervised classification ..
systems, including direct classification with the nearest neighbour .. has been applied by Dey et al.20 in a multicentre study of 254 patients
classifier, and two-stage classification with nearest neighbour and ... with CCTA to predict the probability of low value by invasive FFR by
..
SVM classifiers for the automation of CAC scoring in low-dose, non- .. considering a number of CCTA image features derived by vessel ex-
contrast enhanced, non-ECG-gated chest CT. They found that such .. traction and plaque characterization software. Machine learning
..
an approach resulted in acceptable reliability and agreement when .. exhibited higher AUC (0.84) than any individual CCTA image meas-
compared to a manually determined reference standard for CAC .. ures, including stenosis severity (0.76), low-density non-calcified pla-
..
scoring. Similar results were obtained by Isgum et al.52,53 when com- .. que (0.77), or total plaque volume (0.74). Such techniques may allow
paring the accuracy of an automated CAC scoring system with that .. clinical implementation of a risk score for the identification function-
..
of manually annotated scans. Furthermore, Kang et al.54 used a two- .. ally significant lesions (low invasive FFR) by rapid non-invasive CCTA
step ML algorithm, utilizing an SVM algorithm as one of the base deci- .. image analysis.
..
sions, in order to automate the process of coronary stenosis evalu- .. CT-based imaging has been also used for the determination and
ation on CCTA. They found that such an approach resulted in an
.. quantification of myocardial perfusion, in an effort to increase
..
accuracy of 94% and an AUC of 0.94 for the automated detection of .. CCTA’s accuracy for the detection of physiologically significant cor-
non-obstructive and obstructive CAD.
.. onary stenosis. A trained AdaBoost classifier that incorporates three

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
8 S.J. Al’Aref et al.

Table 2 Summary of contemporary data on published literature using machine learning algorithms in cardiovascular
medicine

Study Objectives and key findings Algorithm/tool Sample size


....................................................................................................................................................................................................................
Echocardiography
Khamis Automated view classification of three standard echocardiographic views Spatio-temporal feature 309 clips
et al.14 Accuracy 97% for apical two-chamber, 91% for apical four-chamber, 97% for extraction and diction-
apical long axis. Overall accuracy 95% ary learning based
classification
Knackstedt Echocardiographic left ventricular ejection fraction determination compared AutoLV (TomTec-Arena 255 patients
et al.15 with reference manual tracking 1.2, TomTec Imaging
ICC 0.83. Mean bias -0.3, 95% CI -1.5–0.9 Systems,
Unterschleissheim,
Germany)
Automated echocardiographic assessment of mitral regurgitation Support vector machine 102 patients
Moghadda- Accuracy of 99.5%, 99.4%, 99.3%, and 99.6% to detect none, mild, moderate,
si et al.16 and severe mitral regurgitation, respectively
Sengupta Differentiation between constrictive pericarditis vs. restrictive cardiomyopathy Associative memory clas- 94 patients
et al.17 AUC of 0.962/accuracy 93.7% using (speckle tracking) sifier-based machine
learning algorithm
Narula Discrimination between hypertrophic cardiomyopathy from physiological Ensemble model building 143 patients
et al.18 hypertrophy seen in athletes (artificial neural net-
AUC 0.795; sensitivity 87% and specificity 82% for optimal cut-off points of work, support vector
the model machines and random
forest)
Computed tomography
Motwani Prediction of 5-year all-cause mortality among patients undergoing CCTA for LogitBoost 10 030 patients
et al.4 suspected CAD
AUC 0.79 using clinical and CCTA variables; AUC 0.64 for segment stenosis
score
Han et al.19 Prediction of abnormal FFR among patients undergoing CCTA (and resting CT Gradient boosting classi- 252 patients
myocardial perfusion analysis derived using ML) fier for CT perfusion
AUC 0.75 for model including ML derived CT perfusion analysis vs. AUC 0.68 analysis
without CT perfusion
Dey et al.20 Prediction of FFR using semi-automated quantitative CCTA to derive plaque Boosted ensemble 254 patients
information algorithm
AUC 0.84 for the integrated ML model, compared to 0.77 for low density
non calcified plaque volume
Rosendael Prediction of major cardiovascular events among patients undergoing CCTA Extreme gradient boost- 8844 patients
van et al.21 for suspected CAD. Only CCTA variables were used by the ML model ing (XGBoost)
AUC 0.771 for ML model; AUC 0.701 for segment stenosis score
Myocardial perfusion imaging
Arsanjani Prediction of obstructive CAD (>_70% stenosis) on ICA from automated single LogitBoost 1181 patients
et al.22 photon MPI analysis
AUC 0.94 for ML model (clinical and quantitative MPI variables); significantly
higher than expert MPI reading
Arsanjani Prediction of early coronary revascularization by quantitative MPI analysis LogitBoost 713 patients
et al.23 AUC 0.81 for ML model including MPI and clinical variables. AUC 0.77 for
standalone perfusion measures
Betancur Prediction of MACE using clinical information combined with MPI data, inte- Boosted ensemble 2619 patients
et al.24 grated by ML algorithm
AUC 0.81 for ML model; significantly higher than a ML model including only
MPI data (AUC 0.78) or five-point scale visual diagnosis by a physician
(AUC 0.65) or standard image quantification (AUC 0.71)
Continued

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
Clinical applications of machine learning in cardiovascular disease 9

Table 2 Continued

Study Objectives and key findings Algorithm/tool Sample size


....................................................................................................................................................................................................................
Dey et al.25 Prediction of impaired myocardial flow reserve on PET using quantitative pla- Boosted ensemble 51 patients
que features from CCTA algorithm
AUC 0.83 for composite score including all quantitative CCTA features; AUC
0.66 for quantitative stenosis severity
Heart failure
Frizzell Prediction of 30-day readmission of patients with heart failure A tree-augmented naive 56 477 patients
et al.26 AUC for 5 ML models using different algorithms ranging from 0.607 to 0.624; Bayesian network, a
AUC 0.589 for prior validated electronic health records model random forest algo-
rithm, and a gradient-
boosted model
Mortazavi Prediction of 30-day hospital readmission rates among patients with heart Random forests, boosting, 977 patients
et al.27 failure random forests com-
AUC 0.628 for ML model to predict all cause readmission and 0.678 for heart bined hierarchically
failure readmission vs. 0.533 and 0.543 for logistic regression, respectively with support vector
machines

AUC, area under the receiver operating curve; CAD, coronary artery disease; CCTA, coronary computed tomography angiography; CI, confidence interval; FFR, fractional flow
reserve; ICA: invasive coronary angiography; ICC, intraclass correlation coefficient; MACE: major adverse cardiovascular events; ML, machine learning; MPI, myocardial perfu-
sion imaging; PET: positron emission tomography; SPECT, single photon emission computed tomography; ML, machine learning.

myocardial features obtained from rest CCTA images, such as nor-


.. fold cross validation with 126 patients.63 Such fully automated algo-
..
malized perfusion intensity, transmural perfusion ratio, and myocar- .. rithms for direct image analysis by ML may facilitate processing of
..
dial wall thickness showed a sensitivity of 0.79 and a specificity of .. very large image datasets. For instance, images from picture archiving
0.64, with an overall accuracy of 0.70, for establishing the presence of .. and communication system can be segmented out and fed into other
..
obstructive CAD.59 Additionally, a supervised approach using a gradi- .. ML layers in order to establish a diagnostic and a prognostic course.
ent boosting classifier to analyse resting CT perfusion images ..
..
improved the ability to detect ischaemia (defined as invasive FFR ..
<0.80) over diameter stenosis (AUC of 0.75 vs. AUC of 0.68, re- ..
spectively).19 Overall, ML has contributed to the ability to further
..
.. Single-photon emission computed
prognosticate cardiovascular outcomes with the incorporation of .. tomography and positron
..
anatomical and functional information from CT-based imaging, such .. emission tomography
as all-cause mortality4 and cardiovascular events,60 in addition to add- ..
..
ing incremental prognostic information from traditional risk stratifica- .. Evaluation of myocardial perfusion, as a direct correlate with the
tion modalities.61 .. presence of obstructive CAD, has been traditionally performed with
..
Recently, fully automated methods for image segmentation in car- .. single-photon emission computed tomography (SPECT) stress test-
diac CT have been proposed using deep learning methods. In con-
.. ing. Machine learning has been employed to improve diagnostic per-
..
trast to conventional ML, which typically requires pre-computed .. formance as well as combine imaging modalities in order to maximize
image features, deep learning allows direct input of image data. A fully
..
.. discriminatory ability. For instance, an SVM approach was used to lo-
automated algorithm for thoracic and epicardial adipose tissue identi- .. calize the mitral valve plane during SPECT acquisition, which is im-
..
fication and quantification from non-contrast calcium scoring CT .. portant for the accurate assessment of myocardial perfusion.64 Three
datasets, based on CNNs, was recently trained and validated with .. hundred and ninety-two SPECT scans were used for training and val-
10-fold cross validation in 250 CT image sets by Commandeur et al.62
..
.. idation, with the ML derived model exhibiting an AUC of 0.82 for de-
The correlation of fully automated results with expert cardiologist .. tection of obstructive CAD, compared to the performance of two
..
manual segmentation of thoracic and epicardial fat volume yielded .. experts (AUC of 0.79 and 0.81) and unadjusted mitral valve plane
correlations of 0.945 and 0.926 respectively and no bias. The vari- .. (AUC 0.63). In further efforts to improve fully automatic image ana-
..
ation of deep learning vs. expert was equivalent to the variation be- .. lysis, deep learning has been applied directly to nuclear cardiology
tween two experienced observers. Fully automated segmentation by .. polar map images in a large multi-centre multi-national study (1638
..
deep learning took as little as 3 s for one patient as compared to 10– .. patients) by Betancur et al.65 They demonstrated that deep learning
11 min by the cardiovascular experts. The use of deep learning in .. could outperform current clinical standard—total perfusion deficit—
..
combination with SVM has been also proposed by Zreik et al.63 for .. for the identification of obstructive CAD, while improving per-
the automated analysis of CCTA images for ischaemic changes within .. patient and per-vessel AUCs. This is notable because in a previous
..
the myocardium. The automated analysis yielded an AUC of 0.74 for .. large study in a different population, total perfusion deficit quantifica-
detection of functionally significant stenosis by FFR in repeated 10- .. tion was equivalent to board certified expert readers even if all

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
10 S.J. Al’Aref et al.

..
available clinical information was used for the prediction of the pres- ..
..
Heart failure
ence of obstructive CAD.66
.. In recent years, ML has been leveraged in an attempt to facilitate heart
Machine learning was further applied to integrate quantitative per- ..
fusion, function and clinical data, to improve the diagnostic and prog- .. failure diagnosis, classification, severity estimation, and prediction of
..
nostic performance of SPECT imaging. Arsanjani et al.22,67 used .. adverse events (with a particular emphasis on 30-day re-hospitaliza-
LogitBoost and SVM for incorporating quantitative perfusion, func- .. tions).75 Of note, a predominance of models reported in the medical
..
tional and clinical variables from myocardial perfusion imaging and .. literature were trained on exceedingly small cohorts (often less than
showed that the diagnostic performance of SPECT was significantly .. one hundred patients), rendering generalization of such results ques-
..
improved compared to expert readers. Furthermore, ML has been .. tionable despite seemingly adequate classification performance.76,77
shown to be superior at predicting early revascularization after .. The aforementioned section will focus on the application of ML
..
SPECT as well as prediction of MACE events23,24 (Table 2). .. for diagnostic situations in heart failure, keeping in mind that signifi-
Machine learning has also been used to harness incremental .. cant strides have been achieved with the application of ML in the
..
information on the presence of coronary artery dysfunction .. realm of prediction and outcomes research.26,27,78–83 For example,
using positron emission tomography (PET) in combination with .. Yang et al. proposed a two-layer binary SVM classification scheme
..
CCTA. Quantitative stenosis, plaque burden, and myocardial mass .. trained on clinical parameters from 289 patients, in which individuals
were combined by a boosted ensemble ML algorithm into a risk
.. were first either diagnosed with heart failure or, if the diagnosis was
..
score to predict impaired myocardial flow reserve as quantified .. uncertain, relegated to a secondary triage. Individuals in the latter
on PET. Discrimination for the occurrence of coronary artery
.. group were then categorized as either heart failure-prone or healthy.
..
dysfunction was superior with the ML-derived risk score, with an .. In this model, the overall classification accuracy was 74.4%, with accu-
AUC of 0.83 compared to an AUC of 0.66 with quantitative
.. racies of 78.79%, 87.5%, and 65.85% for identification of healthy,
..
stenosis.25 .. heart failure-prone and heart failure patients, respectively.84 In a simi-
.. lar scheme, Aljaaf et al. proposed a decision-tree model trained on
..
.. the Cleveland Clinic Heart Disease Data Set, consisting of 297
.. patients each characterized by 13 clinical parameters, which stratified
..
.. individuals into one of five risk categories for the development of
Miscellaneous imaging modalities .. heart failure. Model performance was evaluated using 10-fold cross-
..
There has been limited application, thus far, of ML algorithms on .. validation on the training set, with a mean AUC of 0.91 and classifica-
.. tion accuracy of 86.5%.85 Using an electronic health record-derived
other invasive and non-invasive cardiovascular imaging modalities ..
such as magnetic resonance imaging (MRI), intravascular ultrasound .. registry containing 536 patients, Wu et al.86 demonstrated that logis-
..
(IVUS), and optical coherence tomography despite the wealth of in- .. tic regression and boosting could potentially be used to predict the
formation provided from such acquisitions. For instance, a supervised .. development of heart failure more than 6 months before a formal
..
machine learning approach incorporating three-dimensional right .. clinical diagnosis was made, with a reported AUC of 0.77 on 10-fold
ventricular systolic motion, imaged using cardiac MRI, was shown to
.. cross-validation. In 2013, Austin et al. attempted to construct a binary
..
significantly improve survival prediction in individuals with pulmonary .. tree-based classifier (using random forests, bagged regression trees,
hypertension when added to traditional clinical, conventional imaging,
.. and boosted regression trees) capable of correctly distinguishing be-
..
haemodynamic and functional data (AUC of 0.73 vs. 0.60, respective- .. tween heart failure with preserved ejection fraction and heart failure
ly; P < 0.01).68 Further, recent application of deep learning has been
.. with reduced ejection fraction, trained and validated on 3697 and
..
used for segmentation of anatomic structures and characterization of .. 4515 heart failure patients, respectively. Each subject included in the
ventricular mass and function imaged on cardiac MRI.69–72 In regards
.. study was characterized by demographic and clinical variables, includ-
..
to virtual histology assessment on IVUS, Zhang et al.73 performed .. ing presenting vital signs, physical exam findings; symptoms; labora-
.. tory tests; and prior medical history. Overall, tree-based ensemble
baseline and 1-year follow-up scans on stable angina patients on statin ..
therapy, and showed that a machine learning approach that utilized .. classifiers performed significantly better than conventional classifica-
.. tion and regression trees, but logistic regression was superior to all of
SVM classifiers could predict the occurrence of high-risk coronary ..
plaque features, in a specific location, using focal vascular features and .. the aforementioned classification schemes.87
..
demographic parameters. Optical coherence tomography, on the ..
other hand, was used to image coronary arteries of children with ..
..
Kawasaki disease, and subsequent application of a fully automated tis- .. Lessons learned
sue classification algorithm resulted in a classification rate of up to ..
..
96%, specifically when localizing the medial layer of the coronary .. The current body of research exploring the utility of ML in the clinical
arteries.74 In summary, the abundance of clinical data coupled .. realm reveals several important lessons. First, the availability and free
..
with the rapid expansion of imaging modalities could lead to the .. dissemination of data is a necessary prerequisite for progress in the
creation of a reality wherein ML methodologies offer real-time guid- .. clinical application of ML. Indeed, the continued development and
..
ance to imaging parameters, providing feedback during image acquisi- .. refinement of algorithms for the analysis of ECGs can largely be attrib-
tion, while simultaneously identifying pathology as the test is in .. uted to public ECG databases encouraging continued experimenta-
..
progress. Final correlation between images and baseline clinical .. tion. To the best of our knowledge, there currently exist no such
parameters could further provide information on short and long-
.. publicly available datasets for more advanced cardiac imaging modal-
..
term outcomes. . ities, including echocardiography and CCTA. Therefore, a bridge

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
Clinical applications of machine learning in cardiovascular disease 11

..
should be created between those with access to or possession of .. systems are perhaps not yet ready for mainstream integration.11 As
data, and the machine learning community at large. Secondly, ECGs, .. such, there is a need for systematic (at time intervals) checking by
..
much like the hand-written digits of the MNIST (Modified National .. humans if the algorithms are performing well.
Institute of Standards and Technology) dataset, lend themselves par- .. Machine learning, despite being data-driven, can often be riddled
..
ticularly well to ML because of their inherent simplicity—they are, .. with traditional biases. While harmless in most commercial settings,
after all, merely a collage of time series, for which we have a mature .. these can become problematic in the high-stakes healthcare space,
..
and expansive toolkit. It is unclear, however, how to best tackle prob- .. where precision is of the utmost importance. One such pitfall is selec-
lems which involve more complex data, such as time-resolved or 3D .. tion bias, which includes sampling and observer selection bias. While
..
images. Third, there is a dearth of potential features with which to rep- .. selection bias is often mitigated in well-structured clinical trials, it is
resent cardiovascular disease. While the analysis of genomic data has .. difficult to identify and remedy in the datasets used in ML. In a some-
..
become commonplace in oncology, offering new avenues for the ap- .. what overstated example, consider a machine learning model built
plication of ML, the same cannot be said of cardiovascular disease, .. using a hospital’s electronic health record; such a model might very
..
where data is often limited to clinical parameters, advanced imaging .. well under-predict the occurrence of some disease, but only because
modalities and invasive haemodynamic assessments. Nonetheless, the .. the patients from whom it learned generally receive adequate routine
..
UK Biobank initiative (found at http://www.ukbiobank.ac.uk) has been .. screening. In a less benign expression of selection bias, there have
recently established in order to address this gap and provide compre-
.. been numerous reported cases of ML going awry, not because the
..
hensive cardiovascular data. Lastly, the lack of standardization across .. base algorithm was itself flawed, but rather because it drew conclu-
datasets and reported performance metrics makes identification of
.. sions from deeply flawed data. In rare moments of transparency, a
..
optimal models for clinical integration challenging, if not altogether im- .. number of online applications were met by public outcry when users
possible. With regards to cardiovascular images, there are unintended
.. became aware of overt racial and socioeconomic discrimination. As it
..
biases that are introduced due to differences in the acquisition (i.e. .. happens, these automated behaviours had been unknowingly intro-
..
hardware) and processing (i.e. software) systems. Generative adver- .. duced into the platforms through the use of unfiltered data streaming
sarial networks are a class of algorithms that can be used to generate .. from the Internet, where such views are commonly broadcasted
..
images that on the surface appear to be identical to real images, and as .. under the veil of anonymity.91–93 While there have been no such
such has been used to circumvent some of these inherent biases: for .. reported incidents in the healthcare setting, further work is necessary
..
instance, GANs have been used for noise reduction in low-dose CT,88 .. for developing methodologies to rule out clinically non-relevant
as well as image generation across multiple cardiovascular modalities .. biases before a machine’s clinical decision-making can be trusted.
..
in order to standardize and expand the amount of data available for a .. There are many other hurdles, which will have to be addressed
given task.89 .. and overcome by the medical community before ML can find mean-
..
.. ingful integration in clinical workflows. Many of the contemporary
.. debates regarding ML applications in other industries, such as autono-
..
Limitations of machine learning .. mous driving, find parallels in our discussion. Who, for example, will
.. regulate this industry—will it be the Food and Drug Administration
..
While modern ML can often yield accurate predictions, the inability .. and equivalent government agencies, and if so, is it adequately
of the querying human being to fully grasp the complexity of these
.. equipped to objectively assess the effectiveness of this new method-
..
algorithms’ inner workings—the so-called ‘black box’—can be prob- .. ology? When mistakes occur in the delivery of care due to digital
lematic when decisions often carry life-changing implications.90 While
.. error, as they inevitably will, who will be held responsible—will it be
..
a machine may be capable of accurately predicting an outcome of .. the doctor who queried the machine or the individuals who engi-
interest, the absence of a familiar logic underlying its output may give
.. neered the platform? Lastly, how will machine-assisted work be
..
pause to the clinician charged with interpreting it. Consider this ex- .. remunerated: will it de-value the labour of the physician workforce,
.. enhance its effectiveness, or both? Our collective answers to these
ample: an automated cancer diagnosis tool is deployed in a hospital ..
seeking to curtail costs. This tool, developed using an ML model .. fundamental questions will shape the course and history of this
.. expanding technology.
trained on many tens of thousands of immaculately curated path- ..
ology specimens, is found on average to be at least as accurate as a ..
..
physician in detecting the presence of malignancy. However, in some ..
..
situations for certain deep learning algorithms, it is not yet possible to
.. Conclusion
directly translate the abstraction process leading to a particular deci- ..
sion to its users. It cannot do so, of course, because its conclusions .. The rapid digitalization of healthcare presents itself with the oppor-
..
are based on calculations made through various levels of abstraction .. tunity to tackle important medical questions using ML. While trad-
that is intractable manually. Practically, the question then becomes .. itional statistical methods remain the lingua franca of medical
..
whether such a system can be trusted at all? Precedent exists in medi- .. research, ML proposes a novel toolset for navigating a rapidly shifting
cine, where we do not understand Lithium’s mechanism of action, .. landscape. Additionally, ML could provide a powerful platform for in-
..
but use it freely to treat psychiatric illness. Moreover, can such a sys- .. tegration of clinical and imaging data, which would be useful for multi-
tem in any way supersede a physician’s judgement if their respective .. factorial and complex cardiovascular diseases such as heart failure. In
..
recommendations conflict? It has recently been demonstrated that .. this review, we highlight the recent applications of ML within cardio-
deep neural nets can be coerced into making incorrect decisions by
.. vascular medicine, with emphasis on cardiac imaging. ML promises to
..
using carefully engineered inputs, raising the concern that such . transform medical research which could lead to optimization of day-

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
12 S.J. Al’Aref et al.

to-day clinical workflow while improving risk assessment and poten- .. 16. Moghaddasi H, Nourian S. Automatic assessment of mitral regurgitation severity
.. based on extensive textural features on 2D echocardiography videos. Comput
tially outcomes. ..
.. Biol Med 2016;73:47–55.
.. 17. Sengupta PP, Huang YM, Bansal M, Ashrafi A, Fisher M, Shameer K, Gall W,
.. Dudley JT. Cognitive machine-learning algorithm for cardiac imaging: a pilot study
Conflict of interest: J.K.M. serves on the scientific advisory board .. for differentiating constrictive pericarditis from restrictive cardiomyopathy. Circ
of Arineta Ltd., on the speaker’s bureau of GE Healthcare, and owns .. Cardiovasc Imaging 2016;9:pii: e004330.
.. 18. Narula S, Shameer K, Salem Omar AM, Dudley JT, Sengupta PP. Machine-learning
equity in Cleerly Inc. U.J.S. receives institutional research support .. algorithms to automate morphological and functional assessments in 2D echo-
from Astellas Pharma Inc., Bayer Healthcare, GE Healthcare, Siemens ..
.. cardiography. J Am Coll Cardiol 2016;68:2287–2295.
and has received compensation for consulting and/or speaking from .. 19. Han D, Lee JH, Rizvi A, Gransar H, Baskaran L, Schulman-Marcus J, Ó Hartaigh
Bayer Healthcare, GE Healthcare, Guerbet LLC, HeartFlow Inc., and .. B, Lin FY, Min JK. Incremental role of resting myocardial computed tomography
.. perfusion for predicting physiologically significant coronary artery disease: a ma-
Siemens. J.L. is a consultant and has stock options in Circle CVI and ... chine learning approach. J Nucl Cardiol 2018;25:223–233.
Heartflow Inc, institutional corelab agreements with Edwards .. 20. Dey D, Gaur S, Ovrehus KA, Slomka PJ, Betancur J, Goeller M, Hell MM,
Lifesciences, Abbott, Medtronic and institutional research grant from
.. Gransar H, Berman DS, Achenbach S, Botker HE, Jensen JM, Lassen JF, Norgaard
.. BL. Integrated prediction of lesion-specific ischaemia from quantitative coronary
GE Healthcare. K.N. has received unrestricted institutional research .. CT angiography using machine learning: a multicentre study. Eur Radiol 2018;28:
support from Siemens Healthineers, GE Healthcare, Bayer
.. 2655–2664.
.. 21. van Rosendael AR, Maliakal G, Kolli KK, Beecy A, Al’Aref SJ, Dwivedi A, Singh G,
Healthcare and Heartflow Inc. D.S.B. has software royalties from ..
Cedars-Sinai Medical Center. All other authors declared no conflict
.. Panday M, Kumar A, Ma X, Achenbach S, Al-Mallah MH, Andreini D, Bax JJ,
.. Berman DS, Budoff MJ, Cademartiri F, Callister TQ, Chang HJ, Chinnaiyan K,
of interest. .. Chow BJW, Cury RC, DeLago A, Feuchtner G, Hadamitzky M, Hausleiter J,
.. Kaufmann PA, Kim YJ, Leipsic JA, Maffei E, Marques H, Pontone G, Raff GL,
.. Rubinshtein R, Shaw LJ, Villines TC, Gransar H, Lu Y, Jones EC, Pe~ na JM, Lin FY,
References .. Min JK. Maximization of the usage of coronary CTA derived plaque information
1. Goodfellow Y, Bengio Y, Courville A. Deep Learning. Cambridge, MA: MIT Press;
.. using a machine learning based algorithm to improve risk stratification; insights
..
2017. .. from the CONFIRM registry. J Cardiovasc Comput Tomogr 2018;12:204–209.
2. Gilbert FJ, Astley SM, Gillan MG, Agbaje OF, Wallis MG, James J, Boggis CR, .. 22. Arsanjani R, Xu Y, Dey D, Vahistha V, Shalev A, Nakanishi R, Hayes S, Fish M,
Duffy SW. Single reading with computer-aided detection for screening mammog- .. Berman D, Germano G, Slomka PJ. Improved accuracy of myocardial perfusion
raphy. N Engl J Med 2008;359:1675–1684. .. SPECT for detection of coronary artery disease by machine learning in a large
3. Beck AH, Sangoi AR, Leung S, Marinelli RJ, Nielsen TO, van de Vijver MJ, West .. population. J Nucl Cardiol 2013;20:553–562.
RB, van de Rijn M, Koller D. Systematic analysis of breast cancer morphology .. 23. Arsanjani R, Dey D, Khachatryan T, Shalev A, Hayes SW, Fish M, Nakanishi R,
uncovers stromal features associated with survival. Sci Transl Med 2011;3:
.. Germano G, Berman DS, Slomka P. Prediction of revascularization after myocar-
.. dial perfusion SPECT by machine learning in a large population. J Nucl Cardiol
108ra113. ..
4. Motwani M, Dey D, Berman DS, Germano G, Achenbach S, Al-Mallah MH, .. 2015;22:877–884.
Andreini D, Budoff MJ, Cademartiri F, Callister TQ, Chang HJ, Chinnaiyan K, .. 24. Betancur J, Otaki Y, Motwani M, Fish MB, Lemley M, Dey D, Gransar H,
Chow BJ, Cury RC, Delago A, Gomez M, Gransar H, Hadamitzky M, Hausleiter J, .. Tamarappoo B, Germano G, Sharir T, Berman DS, Slomka PJ. Prognostic value
Hindoyan N, Feuchtner G, Kaufmann PA, Kim YJ, Leipsic J, Lin FY, Maffei E, .. of combined clinical and myocardial perfusion imaging data using machine learn-
Marques H, Pontone G, Raff G, Rubinshtein R, Shaw LJ, Stehli J, Villines TC, .. ing. JACC Cardiovasc Imaging 2018 11:1000–1009.
Dunning A, Min JK, Slomka PJ. Machine learning for prediction of all-cause mor-
.. 25. Dey D, Diaz Zamudio M, Schuhbaeck A, Juarez Orozco LE, Otaki Y, Gransar H,
tality in patients with suspected coronary artery disease: a 5-year multicentre
.. Li D, Germano G, Achenbach S, Berman DS, Meave A, Alexanderson E, Slomka
..
prospective registry analysis. Eur Heart J 2017;38:500–507. .. PJ. Relationship between quantitative adverse plaque features from coronary
5. Weng SF, Reps J, Kai J, Garibaldi JM, Qureshi N. Can machine-learning improve .. computed tomography angiography and downstream impaired myocardial flow
cardiovascular risk prediction using routine clinical data? PLoS One 2017;12: .. reserve by 13N-ammonia positron emission tomography: a pilot study. Circ
e0174944. .. Cardiovasc Imaging 2015;8:e003255.
6. Obermeyer Z, Emanuel EJ. Predicting the future—big data, machine learning, and .. 26. Frizzell JD, Liang L, Schulte PJ, Yancy CW, Heidenreich PA, Hernandez AF, Bhatt
clinical medicine. N Engl J Med 2016;375:1216–1219. .. DL, Fonarow GC, Laskey WK. Prediction of 30-day all-cause readmissions in
7. LeCun Y, Bottou L, Bengio Y, Haffner P. Gradient-based learning applied to
.. patients hospitalized for heart failure: comparison of machine learning and other
..
document recognition. Proc IEEE 1998;86:2278–2324. .. statistical approaches. JAMA Cardiol 2017;2:204–209.
8. James G, Witten D, Hastie T, Tibshirani R. An Introduction to Statistical Learning: .. 27. Mortazavi BJ, Downing NS, Bucholz EM, Dharmarajan K, Manhapra A, Li SX,
With Applications in R. New York, NY: Springer; 2013. .. Negahban SN, Krumholz HM. Analysis of machine learning techniques for heart
9. Raschka S, Python Machine Learning. Birmingham, UK: Packt Publishing Ltd; 2015. .. failure readmissions. Circ Cardiovasc Qual Outcomes 2016;9:629–640.
10. Singh G, Al’Aref SJ, Van Assen M, Kim TS, van Rosendael A, Kolli KK, Dwivedi A, .. 28. Tajik AJ. Machine learning for echocardiographic imaging: embarking on another
Maliakal G, Pandey M, Wang J, Do V, Gummalla M, De Cecco CN, Min JK. .. incredible journey. J Am Coll Cardiol 2016;68:2296–2298.
Machine learning in cardiac CT: basic concepts and contemporary data.
.. 29. Silva J, Hagan AD. An economic analysis of an automated system for interpreting
..
J Cardiovasc Comput Tomogr 2018;12:192–201. .. electrocardiograms. Comput Electr Eng 1974;1:559–571.
11. Nguyen A, Yosinski J, Clune J. Deep neural networks are easily fooled: high confi- .. 30. Carel RS. Cost-effectiveness analysis of computerized ECG interpretation system
dence predictions for unrecognizable images. Proc IEEE Comput Soc Conf Comput .. in an ambulatory health care organization. J Med Syst 1982;6:121–130.
Vision Pattern Recogn 2015;427–436. .. 31. Karpagachelvi S, Arthanari M, Sivakumar M. ECG feature extraction
12. Goodfellow I, Pouget-Abadie J, Mirza M, Xu B, Warde-Farley D, Ozair S, .. techniques—a survey approach. Int J Comput Sci Inf Secur 2010;8:76–80.
Courville A, Bengio Y. Generative adversarial nets. Adv Neural Inf Process Syst .. 32. Mahmoodabadi SZ, Ahmadian A, Abolhasani MD, Eslami M, Bidgoli JH. ECG fea-
2014;27:2672–2680.
.. ture extraction based on multiresolution wavelet transform. Conf Proc IEEE Eng
.. Med Biol Soc 2005;3902–3905.
13. Sabour S, Frosst N, Hinton GE. Dynamic routing between capsules. In: I Guyon, ..
UV Luxburg, S Bengio, H Wallach, R Fergus, S Vishwanathan, R Garnett, eds. .. 33. Zhao Q, Zhang L. ECG feature extraction and classification using wavelet trans-
Advances in Neural Information Processing Systems 30 Curran Associates, Inc.; .. form and support vector machines. 2005 Int Conf Neural Networks Brain 2005;2:
2017. p. 3856–3866. .. 1089–1092.
14. Khamis H, Zurakhov G, Azar V, Raz A, Friedman Z, Adam D. Automatic apical .. 34. Tadejko P, Rakowski W. Mathematical morphology based ECG feature extrac-
view classification of echocardiograms using a discriminative learning dictionary. .. tion for the purpose of heartbeat classification. Proc 6th Int Conf Comput Inform
Med Image Anal 2017;36:15–21.
.. Syst Ind Manag Appl 2007;2007:322–327.
15. Knackstedt C, Bekkers SC, Schummers G, Schreckenberg M, Muraru D, Badano
.. 35. Jen K, Hwang Y. ECG feature extraction and classification using cepstrum and
..
LP, Franke A, Bavishi C, Omar AM, Sengupta PP. Fully automated versus standard .. neural networks. JMBE 2008;28:31–37.
tracking of left ventricular ejection fraction and longitudinal strain: the FAST-EFs .. 36. Xu X, Liu Y. ECG QRS complex detection using slope vector waveform (SVW)
Multicenter Study. J Am Coll Cardiol 2015;66:1456. 66: . algorithm. Conf Proc IEEE Eng Med Biol Soc 2004;5:3597–3600.

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
Clinical applications of machine learning in cardiovascular disease 13

37. Salem ABM, Revett K, Ei-Dahshan ESA. Machine learning in electrocardiogram .. association between cardiorespiratory fitness and all-cause mortality (from the
diagnosis. Proc Int Multiconf Comput Sci Inform Technol 2009;429–433. .. Henry Ford exercise testing project). Am J Cardiol 2017;120:2078–2084.
38. Moody GB, Mark RG. The impact of the MIT-BIH arrhythmia database. IEEE Eng
.. 62. Commandeur F, Goeller M, Betancur J, Cadet S, Doris M, Chen X, Berman DS,
..
Med Biol Mag 2001;20:45–50. .. Slomka PJ, Tamarappoo BK, Dey D. Deep learning for quantification of epicardial
39. Taddei A, Distante G, Emdin M, Pisani P, Moody GB, Zeelenberg C, Marchesi C. .. and thoracic adipose tissue from non-contrast CT. IEEE Trans Med Imaging 2018;
The European ST-T database: standard for evaluating systems for the analysis of .. 1–1.
ST-T changes in ambulatory electrocardiography. Eur Heart J 1992;13: .. 63. Zreik M, Lessmann N, van Hamersvelt RW, Wolterink JM, Voskuil M, Viergever
1164–1172. .. MA, Leiner T, Isgum I. Deep learning analysis of the myocardium in coronary CT
40. Afsar FA, Arif M, Yang J. Detection of ST segment deviation episodes in ECG .. angiography for identification of patients with functionally significant coronary ar-
using KLT with an ensemble neural classifier. Physiol Meas 2008;29:747–760.
.. tery stenosis. Med Image Anal 2018;44:72–85.
..
41. Rajpurkar P, Hannun AY, Haghpanahi M, Bourn C, Ng AY. Cardiologist-level ar- .. 64. Betancur J, Rubeaux M, Fuchs TA, Otaki Y, Arnson Y, Slipczuk L, Benz DC,
rhythmia detection with convolutional neural networks. Comput Vis Pattern .. Germano G, Dey D, Lin CJ, Berman DS, Kaufmann PA, Slomka PJ. Automatic
Recognit 2017. .. valve plane localization in myocardial perfusion SPECT/CT by machine learning:
42. Furiasse N, Thomas JD. Automated algorithmic software in echocardiography: .. anatomic and clinical validation. J Nucl Med 2017;58:961–967.
artificial intelligence? J Am Coll Cardiol 2015;66:1467–1469. .. 65. Betancur JCF, Motlagh M, Sharir T, Einstein AJ, Bokhari S, Fish MB, Ruddy TD,
43. Dong S, Luo G, Sun G, Wang K, Zhang H. A combined multi-scale deep learning .. Kaufmann P, Sinusas AJ, Miller EJ, Bateman TM, Dorbala S, Di Carli M, Germano
and random forests approach for direct left ventricular volumes estimation in
.. G, Otaki Y, Tamarappoo BK, Dey D, Berman DS, Slomka PJ. Deep learning for
..
3D echocardiography. Comput Cardiol Conf 2016;889–892. .. prediction of obstructive disease from fast myocardial perfusion SPECT: a multi-
44. Dong S, Luo G, Sun G, Wang K, Zhang H. A left ventricular segmentation .. center study. JACC Cardiovasc Imaging 2018 (online ahead of print).
method on 3D echocardiography using deep learning and snake. Comput Cardiol .. 66. Arsanjani R, Xu Y, Hayes SW, Fish M, Lemley M Jr, Gerlach J, Dorbala S, Berman
Conf 2016;473–476. .. DS, Germano G, Slomka P. Comparison of fully automated computer analysis
45. Wu H, Huynh TT, Souvenir R. Echocardiogram enhancement using supervised .. and visual scoring for detection of coronary artery disease from myocardial per-
manifold denoising. Med Image Anal 2015;24:41–51. .. fusion SPECT in a large population. J Nucl Med 2013;54:221–228.
46. Sengur A. Support vector machine ensembles for intelligent diagnosis of valvular
.. 67. Arsanjani R, Xu Y, Dey D, Fish M, Dorbala S, Hayes S, Berman D, Germano G,
..
heart disease. J Med Syst 2012;36:2649–2655. .. Slomka P. Improved accuracy of myocardial perfusion SPECT for the detection
47. Mahmoud A, Bansal M, Sengupta PP. New cardiac imaging algorithms to diagnose .. of coronary artery disease using a support vector machine algorithm. J Nucl Med
constrictive pericarditis versus restrictive cardiomyopathy. Curr Cardiol Rep 2017; .. 2013;54:549–555.
19:43. .. 68. Dawes TJW, de Marvao A, Shi W, Fletcher T, Watson GMJ, Wharton J, Rhodes
48. Hastie T, Tibshirani R, Friedman JH. The Elements of Statistical Learning: Data .. CJ, Howard LSGE, Gibbs JSR, Rueckert D, Cook SA, Wilkins MR, O’Regan DP.
Mining, Inference, and Prediction. 2nd ed. New York, NY: Springer; 2009. .. Machine learning of three-dimensional right ventricular motion enables outcome
49. Vidya KS, Ng EY, Acharya UR, Chou SM, Tan RS, Ghista DN. Computer-aided .. prediction in pulmonary hypertension: a cardiac MR imaging study. Radiology
diagnosis of myocardial infarction using ultrasound images with DWT, GLCM
.. 2017;283:381–390.
..
and HOS methods: a comparative study. Comput Biol Med 2015;62:86–93. .. 69. Winther HB, Hundt C, Schmidt B, Czerner C, Bauersachs J, Wacker F, Vogel-
50. Sudarshan VK, Acharya UR, Ng EY, Tan RS, Chou SM, Ghista DN. Data mining .. Claussen J. m-net: deep learning for generalized biventricular mass and function
framework for identification of myocardial infarction stages in ultrasound: a hy- .. parameters using multicenter cardiac MRI data. JACC Cardiovasc Imaging 2018;11:
brid feature extraction paradigm (PART 2). Comput Biol Med 2016;71:241–251. .. 1036–1038.
51. Takx RA, de Jong PA, Leiner T, Oudkerk M, de Koning HJ, Mol CP, Viergever .. 70. Tan LK, McLaughlin RA, Lim E, Abdul Aziz YF, Liew YM. Fully automated seg-
MA, Isgum I. Automated coronary artery calcification scoring in non-gated chest .. mentation of the left ventricle in cine cardiac MRI using neural network regres-
CT: agreement and reliability. PLoS One 2014;9:e91239.
.. sion. J Magn Reson Imaging 2018;48:140–152.
..
52. Isgum I, de Vos BD, Wolterink JM, Dey D, Berman DS, Rubeaux M, Leiner T, .. 71. Tan LK, Liew YM, Lim E, McLaughlin RA. Convolutional neural network regres-
Slomka PJ. Automatic determination of cardiovascular risk by CT attenuation .. sion for short-axis left ventricle segmentation in cardiac cine MR sequences. Med
correction maps in Rb-82 PET/CT. J Nucl Cardiol 2017 (online ahead of print). .. Image Anal 2017;39:78–86.
53. Isgum I, Prokop M, Niemeijer M, Viergever MA, van Ginneken B. Automatic cor- .. 72. Avendi MR, Kheradvar A, Jafarkhani H. Automatic segmentation of the right ven-
onary calcium scoring in low-dose chest computed tomography. IEEE Trans Med .. tricle from cardiac MRI using a learning-based approach. Magn Reson Med 2017;
Imaging 2012;31:2322–2334. .. 78:2439–2448.
54. Kang D, Dey D, Slomka PJ, Arsanjani R, Nakazato R, Ko H, Berman DS, Li D,
.. 73. Zhang L, Wahle A, Chen Z, Lopez JJ, Kovarnik T, Sonka M. Predicting locations
..
Kuo CC. Structured learning algorithm for detection of nonobstructive and ob- .. of high-risk plaques in coronary arteries in patients receiving statin therapy. IEEE
structive coronary plaque lesions from computed tomography angiography. .. Trans Med Imaging 2018;37:151–161.
J Med Imaging (Bellingham) 2015;2:014003. .. 74. Abdolmanafi A, Duong L, Dahdah N, Cheriet F. Deep feature learning for auto-
55. Freiman M, Nickisch H, Prevrhal S, Schmitt H, Vembar M, Maurovich-Horvat P, .. matic tissue classification of coronary artery using optical coherence tomog-
Donnelly P, Goshen L. Improving CCTA-based lesions’ hemodynamic significance .. raphy. Biomed Opt Express 2017;8:1203–1220.
assessment by accounting for partial volume modeling in automatic coronary .. 75. Tripoliti EE, Papadopoulos TG, Karanasiou GS, Naka KK, Fotiadis DI. Heart fail-
lumen segmentation. Med Phys 2017;44:1040–1049.
.. ure: diagnosis, severity estimation and prediction of adverse events through ma-
..
56. Tesche C, De Cecco CN, Albrecht MH, Duguay TM, Bayer RR, Litwin SE, .. chine learning techniques. Comput Struct Biotechnol J 2017;15:26–47.
Steinberg DH, Schoepf UJ. Coronary CT angiography-derived fractional flow re- .. 76. Gharehchopogh FS, Khalifelu ZA. Neural network application in diagnosis of pa-
serve. Radiology 2017;285:17–33. .. tient: a case study. Proc Int Conf Comput Netw Inform Technol 2011:69–73.
57. Duguay TM, Tesche C, Vliegenthart R, De Cecco CN, Lin H, Albrecht MH, .. 77. Masetic Z, Subasi A. Congestive heart failure detection using random forest clas-
Varga-Szemes A, De Santis D, Ebersberger U, Bayer RR, Litwin SE, Hoffmann E, .. sifier. Comput Methods Programs Biomed 2016;130:54–64.
Steinberg DH, Schoepf UJ. Coronary computed tomographic angiography- .. 78. Zolfaghar K, Meadem N, Teredesai A, Roy SB, Chin SC, Muckian B. Big data solutions
derived fractional flow reserve based on machine learning for risk stratification
.. for predicting risk-of-readmission for congestive heart failure patients. In: Proceedings—
of non-culprit coronary narrowings in patients with acute coronary syndrome.
.. 2013 IEEE International Conference on Big Data, Big Data, 2013. 2013. p. 64–71.
..
Am J Cardiol 2017;120:1260–1266. .. 79. Vedomske MA, Brown DE, Harrison JH. Random forests on ubiquitous data for
58. Itu L, Rapaka S, Passerini T, Georgescu B, Schwemmer C, Schoebinger M, Flohr .. heart failure 30-day readmissions prediction. In: Proceedings—2013 12th International
T, Sharma P, Comaniciu D. A machine-learning approach for computation of .. Conference on Machine Learning and Applications, ICMLA 2013. 2013. p. 415–421.
fractional flow reserve from coronary computed tomography. J Appl Physiol .. 80. Turgeman L, May JH. A mixed-ensemble model for hospital readmission. Artif
(1985) 2016;121:42–52. .. Intell Med 2016;72:72–82.
59. Xiong G, Kola D, Heo R, Elmore K, Cho I, Min JK. Myocardial perfusion analysis .. 81. Roy SB, Teredesai A, Zolfaghar K, Liu R, Hazel D, Newman S, Marinez A.
in cardiac computed tomography angiographic images at rest. Med Image Anal
.. Dynamic hierarchical classification for patient risk-of-readmission In: Proceedings
..
2015;24:77–89. .. of the 21th ACM SIGKDD International Conference on Knowledge Discovery and Data
60. Ambale-Venkatesh B, Yang X, Wu CO, Liu K, Hundley WG, McClelland R, .. Mining—KDD ’15 2015. p. 1691–1700.
Gomes AS, Folsom AR, Shea S, Guallar E, Bluemke DA, Lima JAC. .. 82. Shameer K, Johnson KW, Yahi A, Miotto R, Li LI, Ricks D, Jebakaran J, Kovatch P,
Cardiovascular event prediction by machine learning: the multi-ethnic study of .. Sengupta PP, Gelijns S, Moskovitz A, Darrow B, David DL, Kasarskis A, Tatonetti
atherosclerosis. Circ Res 2017;121:1092–1101. .. NP, Pinney S, Dudley JT. Predictive modeling of hospital readmission rates using
61. Al-Mallah MH, Elshawi R, Ahmed AM, Qureshi WT, Brawner CA, Blaha MJ, .. electronic medical record-wide machine learning: a case-study using Mount Sinai
Ahmed HM, Ehrman JK, Keteyian SJ, Sakr S. Using machine learning to define the
.. Heart Failure Cohort. Pac Symp Biocomput 2017;22:276–287.

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
14 S.J. Al’Aref et al.

83. Sushmita S, Khulbe G, Hasan A, Newman S, Ravindra P, Roy SB, Cock M, De, .. study examining classification of heart failure subtypes. J Clin Epidemiol 2013;66:
Teredesai A. Predicting 30-day risk and cost of “all-cause” hospital readmissions.
.. 398–407.
..
The Workshops of the Thirtieth AAAI Conference on Artificial Intelligence .. 88. Wolterink JM, Leiner T, Takx RAP, Viergever MA, Isgum I. Automatic coronary
2016. p. 453–461. .. calcium scoring in non-contrast-enhanced ECG-triggered cardiac CT with ambi-
84. Yang G, Ren Y, Pan Q, Ning G, Gong S, Cai G, Zhang Z, Li L, Yan J. A heart fail- .. guity detection. IEEE Trans Med Imaging 2015;34:1867–1878.
ure diagnosis model based on support vector machine. In: Proceedings—2010 3rd .. 89. Chartsias A, Joyce T, Dharmakumar R, Tsaftaris SA. Adversarial image synthesis
International Conference on Biomedical Engineering and Informatics, BMEI 2010. .. for unpaired multi-modal cardiac data. Lecture Notes in Computer Science (including
2010. p. 1105–1108. .. subseries Lecture Notes in Artificial Intelligence and Lecture Notes in Bioinformatics)
85. Aljaaf AJ, Al-Jumeily D, Hussain AJ, Dawson T, Fergus P, Al-Jumaily M. Predicting
.. 2017:3–13.
..
the likelihood of heart failure with a multi level risk assessment using decision .. 90. Castelvecchi D. Can we open the black box of AI? Nature 2016;538:20–23.
tree. In: 2015 3rd International Conference on Technological Advances in Electrical, .. 91. Garcia M. Racist in the machine the disturbing implications of algorithmic bias.
Electronics and Computer Engineering, TAEECE 2015. 2015. .. World Policy J 2016;33:111–117.
86. Wu J, Roy J, Stewart WF. Prediction modeling using EHR data: challenges, strat- .. 92. Kirkpatrick K. Battling algorithmic bias: how do we ensure algorithms treat us
egies, and a comparison of machine learning approaches. Med Care 2010;48: .. fairly? Commun ACM 2016;59:16–17.
S106–S113. .. 93. Hajian S, Bonchi F, Castillo C. Algorithmic bias: from discrimination discovery to
87. Austin PC, Tu JV, Ho JE, Levy D, Lee DS. Using methods from the data-mining
.. fairness-aware data mining part 3 & 4. In: Proc 22Nd ACM SIGKDD Int Conf Knowl
and machine-learning literature for disease classification and prediction: a case
.. Discov Data Min. 2016. p. 2125–2126.

Downloaded from https://academic.oup.com/eurheartj/advance-article-abstract/doi/10.1093/eurheartj/ehy404/5060564


by Weill Cornell Medical Library user
on 02 August 2018
View publication stats

You might also like