[

\NameShigehiko Schamoni \Emailschamoni@cl.uni-heidelberg.de
\NameMichael Hagmann \Emailhagmann@cl.uni-heidelberg.de
\NameStefan Riezler \Emailriezler@cl.uni-heidelberg.de
\addrDepartment of Computational Linguistics and
Interdisciplinary Center for Scientific Computing (IWR)
Heidelberg University
   Germany
July 2022
Abstract

Ensembling neural networks is a long-standing technique for improving the generalization error of neural networks by combining networks with orthogonal properties via a committee decision. We show that this technique is an ideal fit for machine learning on medical data: First, ensembles are amenable to parallel and asynchronous learning, thus enabling efficient training of patient-specific component neural networks. Second, building on the idea of minimizing generalization error by selecting uncorrelated patient-specific networks, we show that one can build an ensemble of a few selected patient-specific models that outperforms a single model trained on much larger pooled datasets. Third, the non-iterative ensemble combination step is an optimal low-dimensional entry point to apply output perturbation to guarantee the privacy of the patient-specific networks. We exemplify our framework of differentially private ensembles on the task of early prediction of sepsis, using real-life intensive care unit data labeled by clinical experts.

\theorembodyfont\theoremheaderfont\theorempostheader

: \theoremsep
\jmlrvolume182 \jmlryear2022 \jmlrsubmittedsubmission date \jmlrpublishedpublication date \jmlrworkshopMachine Learning for Healthcare Ensembling Neural Networks for Improved Prediction and Privacy]Ensembling Neural Networks for Improved Prediction and Privacy in Early Diagnosis of Sepsis

1 Introduction

Ensembling describes a family of algorithms that train multiple learners to solve the same problem, and exploit their heterogeneous properties to perform a committee-based prediction that achieves higher accuracy than any single component learner. These techniques are well-tried in machine learning practice and have led to theoretically well-founded algorithms such as stacking (Wolpert, 1992), boosting (Freund and Schapire, 1995), or bagging (Breiman, 1996). Research on ensembling has very early tackled the problem of reducing variance of neural networks while keeping bias low at the same time. In the wide spectrum of approaches, ranging from sophisticated techniques to jointly train component networks (Liu and Yao, 1999; Buschjäger et al., 2020) to building ensembles from model parameters of a single training trajectory (Huang et al., 2017; Izmailov et al., 2018), we are specifically interested in approaches where component models are trained independently and then smartly combined.

A key insight in this area, first formulated in Perrone and Cooper (1992), is that the generalization error of the weighted average of predictions of individual component networks can be formalized as the weighted correlation between the component neural networks participating in the ensemble. This formulation opens several possibilities for efficient and effective machine learning: First, the bulk of the machine learning cost, namely the cost of training individual component networks, can be trivially parallelized or even be done asynchronously, thus providing an efficient way of enhancing the representational power of the ensemble by training multiple classifiers at once. Second, optimizing combination weights to minimize the weighted correlation between component networks provides a direct avenue to minimize the generalization error of the ensemble, or to build a sparse ensemble from the optimal subset of component networks with small error and small correlation with other component networks.

A further advantage of weighted-averaging ensembles that has been investigated much less than their generalization performance is the possibility to seamlessly integrate privacy protection into machine learning. In the case of machine learning models trained on medical data, the privacy to be protected might concern the membership of patient-specific data in the training data for a particular disease. As argued by Dinur and Nissim (2003), removal of “identifying” attributes such as patients’ names is not enough, but instead random perturbations have to be applied to the outputs in order to protect privacy even in the simplest case of “statistical” queries such as averages over databases. The framework of differential privacy (Dwork and Roth, 2014) allows giving strong guarantees on the information derivable from private training data when querying a machine learning algorithm. We show that weighted-averaging ensembles do possess small sensitivity by tightly bounded output ranges and do not accumulate privacy budget via iterative training, thus they are ideally suited for privacy protection at small noise scales. Furthermore, we prove that uniform weights are optimal to protect privacy in a weighted-averaging ensemble.

Specifying guarantees on privacy protection is of increasing importance for medical research. National laws and regulations such as the US HIPAA Privacy rule111www.hhs.gov/hipaa/for-professionals/privacy/ (accessed 07/06/2022) require measures to protect the privacy of health information. On the hospital level, protecting a patient’s privacy is crucial especially when information is shared across institutions. Our method demonstrates the benefit of output sharing where hospitals keep their in-house model in a secured area and only share the output with other institutions, thus avoiding the challenges and difficulties of model sharing techniques such as federated learning (Rieke et al., 2020). On the patient level, a recent survey has shown that more than 30% of the participants are comfortable with sharing their electronic health data for personalized healthcare, while less than 5% are very uncomfortable with sharing (Garett and Young, 2022). This means more than 60% do not have a strong opinion on this topic, thus we hope that an increasing number of people will share their data if stronger privacy guarantees can be given.

Generalizable Insights about Machine Learning in the Context of Healthcare

Expert labels and neural networks are a powerful combination for early sepsis prediction. However, patient data for this task is scarce as expert labels are difficult to obtain, while the protection of privacy is crucial to encourage patients to contribute with their personal private data. We show how to train individual personalized models and how to combine a small number of patient models in an ensemble that has more desirable properties in the field of medical data analysis than a standard full model, i.e., a single model that is trained on all available patient data.

  • We present theoretical results that an ensemble of models which was trained on a fraction of the available data can be better than a full model, and we verify this empirically.

  • Our training method not only exposes fewer patients in the predictor than a full model, but also protects the privacy better: we apply a strong membership attack and show that the ensemble successfully prevents privacy leakage.

  • We show that an ensemble of several models is favorable to a single model due to its reduced sensitivity in theory, and we experimentally verify that our ensemble maintains its accuracy at privacy budgets almost two orders of magnitude smaller than a full model.

Furthermore, our ensemble can be easily updated by model-growing without the need of retraining the whole system when new patient’s data becomes available.

2 Related Work

Ensembles of neural networks have been researched at least since Hansen and Salamon (1990), and are now a standard tool of deep learning. The spectrum of approaches ranges from joint training of component models under ensemble objectives such as negative correlation learning (Liu and Yao, 1999; Buschjäger et al., 2020) to approaches to efficiently build ensembles by combining snapshots of model parameters along the training trajectory of a single network by averaging in model space (Huang et al., 2017), or weight space (Izmailov et al., 2018). Even well-known staples such as dropout can be seen as ensembles of subnetworks (Srivastava et al., 2014). For a recent overview over ensemble deep learning, see Ganaie et al. (2021).

Traditionally, ensemble methods are often used in medical data science. Recent examples can be found in the area of early prediction of sepsis: Goh et al. (2021) use a voting ensemble of a logistic regression model and a random forest trained on same data; Moor et al. (2021) use a max-score ensemble of four machine learning models trained on four different datasets. The privacy preserving aspects of ensemble methods in health care, however, have only been investigated recently. Fritchman et al. (2018) describe a framework for privacy preserving inference using cryptographic protocols. Adams et al. (2022) demonstrate secure training of ensembles in a multi-party computation scenario. Both works are based on decision tree ensembles, while our ensemble strategy can be combined with any machine learning model.

Differential privacy has become a de-facto standard for privacy protection at least since Dwork (2006). This framework has been applied to the case of privacy protection in machine learning where the goal is to protect the privacy of training data when publicly releasing a machine learning model. To our knowledge, despite their natural fit to protect privacy in the combination of patient-specific models, differentially private ensembles have not yet been widely used in medical data science. Instead, the paradigm of cryptography still seems to be going strong in the area of collaborative learning on health data (Gong et al., 2015).

3 Methods

In this section, we first describe the basic machine learning model that is used throughout our experiments. We then explain how we combine multiple models in an ensemble that improves prediction accuracy, and we also show how ensembles can enhance differential privacy. Based on the theoretical results, we finally design an algorithm for greedy ensemble growing.

3.1 Recurrent Neural Networks over Time Series

Our basic machine learning models are recurrent neural network (RNN) architectures that predict a severity score for each time step (see Figure 1). We use discretized 30 minute steps as input for our models and predict a sepsis-related score. The predicted score at each time step is an expert label ranging from 0 to 4. The motivation for using an RNN-based system is the intuition that a recurrent network is able to model a dynamic system over time (Durstewitz et al., 2021) (i.e., the development of the patient) with its feedback loop connections. We implement a special form of RNNs, namely LSTMs (Hochreiter and Schmidhuber, 1997), due to their ability to model both short and long term dependencies in time series. However, our ensemble growing strategy can easily be adapted to other sequence-to-sequence models such as Transformers (Vaswani et al., 2017), or even to time-agnostic models such as feed-forward nets or decision trees. Details on the architecture and meta-parameters of our model are given in Appendix A.

Schematic view on the RNN architecture. For each input
Figure 1: Schematic view on the RNN architecture. For each input , the RNN is in a hidden state that is also conditioned on the previous hidden state and generates an output .

We train two different types of models with a regression objective. First, a full model trained on all available data, and secondly, an ensemble of individual models that are each trained on the data of a single patient. The training data for the full model consist of 638 or 637 patient’s timelines depending on the data fold (see Section 4.1). It is trained for a maximum of 200 epochs with an early stopping criterion on the validation set. We originally optimized the general model architecture on this model type and use the same architecture throughout our experiments.

3.2 Weighted Averaging Ensemble

In our setup, we are combining models that were trained on individual patients, which makes each model an “expert” (Jacobs et al., 1991) of sepsis prediction for a specific patient. We then combine selected prototypical patient models by weighting their predictions, motivated by the insight that a physician uses past experience to make future decisions. Such a weighted-average ensemble has very useful properties. Specifically, the ensemble’s mean squared error (MSE) can be decomposed as a linear combination of the MSE and the covariances of the errors of the individual components models. Furthermore, a closed-form solution for optimal weights is completely determined by the variance-covariance matrix of the model’s errors on a held-out set. Similar results have been shown by Perrone and Cooper (1992) for the case of cross-validation, a setup that is usually applied to prevent overfitting of hyperparameters. We use cross-validation in our experiments particularly due to the fact that our medical data is small and thus our learned models easily overfit and hence the test-set performance shows high variance. Zhou et al. (2002) also exploit this decomposition of the MSE to improve generalization when selecting models and determining weights by using a genetic algorithm as a heuristic.

{definition}

Let . Further let be a set of regression estimates of a regression function and subject to . Then

is called the weighted-average ensemble estimator.

When comparing two models’ predictions to decide which is best, it is useful to define a measure of the length of the misfit vector . Each element in this vector is given by the error of the model’s prediction for input , i.e., the misfit of function with respect to the true value . A norm defined on the vector data space then returns the length of the misfit vector, which is in its simplest form the inner product or the -norm of . Conveniently, the length of the misfit vector is equal to the squared error of in this case. A comparison of the -norm of the misfits of two models is thus a comparison of the squared error, and the resulted ranking of models is equivalent to a ranking w.r.t. their MSE.

To measure how different two models are, it is again useful to compare two models’ predictions and by looking at the misfits of both functions and calculate their covariance . The covariance of functions that generate more similar predictions is above 0, of functions that generate more opposite predictions below 0, and of functions that generate orthogonal predictions it is 0. We are specifically interested in the last case, as a system of orthogonal functions improves generalization if combined with a suitable ensemble growing strategy (Perrone and Cooper, 1992; Zhou et al., 2002).

Summarizing, the covariance of the errors of a set of models can be represented by a quadratic matrix where each element is given by the covariance of the prediction errors of two individual models or by the mean squared error of a single model on the diagonal:

is symmetric, , and

The following theorem shows that the MSE of the ensemble estimator can be expressed in terms of the .

{lemma}

Let be the ensemble estimator constructed from and be the covariance matrix of . Then

for all . This fact also facilitates an optimality result with respect to the weights that is given in Appendix B. An important consequence of this result is the fact that if the weights are chosen in an optimal way, then .

3.3 Differentially Private Ensembling

Differential privacy for machine learning is commonly conceptualized as protecting the privacy of training data by randomized optimization algorithms that output learned weights. For example, during stochastic gradient descent (SGD) training of machine learning models, privacy-preserving noise can be added to the trained weights, to the learning objective, or the gradient-based weight updates (Jayaraman and Evans, 2019). While convex optimization algorithms like logistic regression allow for output perturbation or objective perturbation (Chaudhuri et al., 2011), non-convex optimization for deep neural networks requires iterative gradient perturbation in addition to gradient clipping (Shokri and Shmatikov, 2015; Abadi et al., 2016; McMahan et al., 2016). Although these strategies provide privacy guarantees for model sharing in theory, there exist several disadvantages in practice:

  1. The required privacy budget for deep learning can be proportional to the size of the target deep learning model, leading to values in the order of hundreds of thousands or more. Jayaraman and Evans (2019) show that the large privacy budgets that are required in practice in non-convex optimization severely undermine the value of privacy guarantees provided by differential privacy.

  2. Bounding the gradient norm in order to restrict the sensitivity of SGD training for deep neural networks is limited by a tradeoff between privacy protection and network performance, where training speed and prediction accuracy are lowered if the bound on the gradient norm is too tight.

  3. Iterative learning procedures such as SGD do not scale to large numbers of training iterations due to the fundamental composition theorem of Dwork and Roth (2014) that causes the required privacy budget to accumulate across iterations.

In this work, we take an approach where models are shared by ensembling, and only the final predictions are made public. This allows circumventing most of the above mentioned problems.

  1. Ensembling allows privacy protection by output perturbation via a Laplace mechanism. This mechanism is independent of the size of the component networks.

  2. In most application cases, outputs of component networks that contribute to an ensemble are either naturally bounded in a certain range or can be thresholded without loss of generality.

  3. Ensembling is a one-step process that is applied to the outputs of component networks. It is thus not affected by an accumulation of required privacy budgets across training iterations.

The basic mathematical details of differential privacy are described in Appendix C. For our work, we especially build upon work on differentially private mean estimators (Epasto et al., 2020; Bun and Steinke, 2019) and formalize a privacy-protected weighted averaging algorithm for ensembling as follows. Let be functions approximated by component neural networks. Furthermore, assume bounded outputs . Lastly, assume an ensembling technique that combines components by weighted averaging, with weights and . Then Algorithm 3.3 protects the privacy of an ensemble of neural networks simply by applying the Laplace mechanism for output perturbation in the averaging phase:

{algorithm2e}

Private Weighted Averaging Ensemble

Input: Outputs of component networks , combination weights

return

{lemma}

For every set of component networks and weights , , Algorithm 3.3 is -differentially private.

{proof}

The -sensitivity of the weighted averaging function is . This allows applying a Laplace mechanism to construct a randomized algorithm with noise drawn from . By Theorem 3.6 of Dwork and Roth (2014), we know that the Laplace mechanism preserves -differential privacy.

As can be seen from the use of a Laplace mechanism, sensitivity of the ensemble output is minimized by choosing uniform weights . Uniform weights effectively reduce the -sensitivity of an ensemble by a factor of compared to single models (), including the full model that is trained on all available training data. Furthermore, these weights guarantee privacy protection at perturbation with minimal variance. This theoretical advantage of ensembles in privacy protection is confirmed in the experiments presented in Section 4.

3.4 Algorithm

The method implemented in our work can be characterized as a “bucket of models” where we select a pool of individual learners that performed best on a validation set. The idea is to identify prototypical models that represent certain types of patients whose properties can be transferred well to other patients. Our bucket of models consists of a number of individual models that were selected based on the criterion defined by Perrone and Cooper (1992). By looking at the misfit of function , which is the deviation from the true solution, , the algorithm adds a new candidate model to the ensemble if the candidate satisfies the following inequality:

(1)

The left part of the RHS’s sum expresses that the candidate has to be reasonably different to already included models while the right part of the sum makes sure that the candidate has low error on the validation set, hence the inclusion of improves generalization and reduces error of the ensemble. The total number of models in the ensemble is not fixed and depends on the performance of the trained models, their diversity, and the validation set.

{algorithm2e}

Greedy Ensemble Growing Input: List of patient models sorted non-decreasing by MSE

Output: Final ensemble

repeat

       if  is found then
            
       end if
      
until  stops growing Function nextModel(, ):
       for  in  do
             if  then
                     // remove from return
             end if
            
       end for
      
return not found
Our final algorithm is listed in Algorithm 3.4. This is a greedy algorithm which adds a new model in each step until Inequality 1 cannot be satisfied by any remaining model. It should be noted that a greedy algorithm does not guarantee to return the best performing ensemble, which can only be determined by an exhaustive search over all model combinations. Our pool of models contains sepsis and non-sepsis patients’ models, however, non-sepsis models are often more similar to each other and have a low error, because they usually predict a severity score between 0 and 1 and the number of non-sepsis patients exceeds the number of sepsis patients by more than a factor of 3 (see Table 2). At the same time, our main objective is sepsis prediction, thus we prioritize the selection of sepsis models in function nextModel by first going through the list of sepsis models and only if no suitable sepsis model is found, we then go through the list of non-sepsis models. We omitted this prioritization strategy in Algorithm 3.4 for reasons of clarity. We also compare two different weighting schemes for our ensemble. In the uniformly weighted case, the weights are always set to :
(2)
The prediction at time point is simply the arithmetic mean of all predictions of the individual models. As demonstrated in Section 3.3, this weighting scheme delivers the best tradeoff between privacy and accuracy by employing privacy protection with minimal variance. We additionally employ a more sophisticated method for combining learners that uses a weighting scheme based on the model predictions and previous expert labels. Here, the weights of each individual model is determined by the accuracy at which the model was able to predict the patient’s previous labels. This method is connected to the mixture of experts strategy (Jacobs et al., 1991), but instead of using a gating mechanism for selecting the best experts we apply a soft weighting scheme to get the optimal combination. Here, the weights for Equation 2 are calculated using the following expression:
In words, the weight reflects the accuracy by which model predicted the label in previous time steps ( to ). The value is a normalization factor such that . The idea of this weighting scheme is motivated by our label collecting method: On each day, the senior physicians assign labels to each patient in the intensive care unit (ICU). Thus, a theoretical online-learning algorithm has access to previous expert labels and this information can be exploited to tune weights without retraining the model. The code for training, inference, and evaluation of the sepsis prediction model as well as the implementation of the ensemble growing strategy described in Algorithm 3.4 is available on github.222https://github.com/StatNLP/sepens/

4 Experiments

In this section, we define the patient cohort and how features and labels were obtained for the sepsis prediction task. We compare the fully trained model and the ensemble in terms of prediction accuracy in AUROC, and we empirically show the ensemble’s insensitivity to privacy leakage during a membership attack, and evaluate its prediction accuracy with respect to a given privacy budget.

4.1 Data Cohort

Our data is based on a PDMS system running at the University Medial Centre in Mannheim, Germany (UMM). The UMM is a 1,352-bed tertiary care center operating a 22-bed interdisciplinary surgical ICU. The hospital is a center of the Acute Respiratory Distress Syndrome (ARDS) Network Germany. Timelines of clinical measurements were extracted from the Intellispace Critical Care and Anesthesia (ICCA) system by Philips (Eindhoven, Netherlands). Additional demographic patient data as well as ICU admission and discharge times were extracted from a HIS system by SAP (Walldorf, Germany).

Timelines of 42 features were extracted from the ICCA system, and 1 demographic feature, namely age, was extracted from the HIS system. Other demographic features such as gender did not improve performance of our predictive models. See Table 5 in Appendix D for the list of features we use for training our models.

At the beginning of an admission many clinical measurements are not available. Such measurements are set to standard default values defined by a clinical expert. To account for varying intervals of clinical measurements during hospital stay, we apply a carry-forward strategy where the most recent value is “carried forward” until a new value is available. Based on the time lines of varying intervals, we discretize the time lines into uniform steps of 30 minutes during the patient’s ICU stay. All values are standardized by calculating -scores, i.e. , where is the mean and is the standard deviation of the population.

4.1.1 Expert Labels

Sepsis is a complex concept with a wide range of clinical symptoms. Established definitions aim to operationalize this concept by combining an suspected or existing infection with clinical conditions such as SIRS (Sepsis-1/2) or SOFA (Sepsis-3). These definitions are very important in clinical practice, however, they can introduce problems of circularity for machine learning models if the criteria defining a condition are used to predict the very same condition. The problem of circularity in machine learning has been discussed in a broader context in Riezler and Hagmann (2022), and for the specific problem of sepsis prediction in Schamoni et al. (2019). We thus established a questionnaire that collects expert opinions on a daily basis (Lindner et al., 2022). The questionnaire concerns several aspects in ICU practice and was developed in close cooperation with the senior physicians at the ICU. The main goal of the questionnaire is to capture expert opinions that are often based on complex clinical concepts and are thus not fully reflected by established operationalizations. On every day, we ask the senior intensivists to assign a current working diagnosis that is not based purely on clinical criteria, but on their experience and their own opinion. The working diagnoses are put on a 5-point scale where 0 stands for “Neither SIRS nor Sepsis”, and 4 stands for “Septic Shock”. See Table 1 for the complete list of working diagnoses.

Value Working diagnosis
0 Neither SIRS nor Sepsis
1 SIRS
2 Sepsis
3 Severe Sepsis
4 Septic Shock
Table 1: List of possible expert labels for current working diagnoses.

The questionnaire is filled out on a daily basis at 2 p.m. At the beginning of the survey, the labels were assigned for the preceding 24h window, i.e., from 2 p.m. on the preceding day to 2 p.m. on the current day. Later in the survey, the senior intensivists were asked to set a 6h window of change if a given label differs from the previous label. These new 6h-intervals divide the 24 h window previously in use. To balance the error introduced by the difference of the true sepsis onset to the sepsis labeling time, we set the assumed time of sepsis onset to the center of the interval, e.g., to 2 a.m. for the 24h window, 5 a.m. for the 2 a.m.–8 a.m. window, 11 a.m. for the 8 a.m.–2 p.m. window, 5 p.m. for the 2 p.m.–8 p.m. window, and 11 p.m. for the 8 p.m.–2 a.m. window.

4.1.2 Data Filtering and Splitting

Our goal is to learn a model that is able to make timely and accurate predictions on a patient’s sepsis outcome. As we are interested in prediction, we excluded on-admission sepsis cases where we defined an on-admission case as a patient who received the first sepsis expert label within the first 48h after ICU admission. We also removed patients that stayed less than 16h in the ICU. Both filtering steps reduced the total number of patients in our cohort from 1,961 to 1,275. To address the problem of having very different distributions in train, validation and test splits, we employed a sampling scheme where we first sort non-sepsis and sepsis patients by length of stay and sepsis onset, respectively, and then sample from groups of four consecutive patients to randomly assign them to four partitions, namely A, B, C, and D. The results of our sampling scheme are listed in Table 2.

Patients Non-sepsis pat. stay [h] Sepsis pat. onset [h])
Partition (Non-/Sepsis) Median/Min/Max Median/Min/Max
A
B
C
D
Total
Table 2: Distribution of hospital stay times and sepsis onset in hours for sepsis and non-sepsis patients across the four partitions.

In our experiments, we applied a 4-fold cross validation scheme where we used two splits as train data, one as validation data, and the final one as test data. In detail, the train data consists of partitions A+B, B+C, C+D, D+A, and the validation and test sets are partitions C and D, D and A, A and B, and B and C, respectively. Table 2 lists statistics of patients and hospital stay times in the partitions. The preprocessed data splits are available for download.333https://www.cl.uni-heidelberg.de/statnlpgroup/sepsisexp/

4.1.3 Ethics

Ethics approval was obtained from the Medical Ethics Commission II of the Medial Faculty Mannheim, Heidelberg University, Germany (reference number, 2016-800R-MA).

4.2 Experimental Results

In this section, we compare prediction accuracy and privacy of ensemble and full models. We show how various privacy budgets affect accuracy loss, and how ensembles successfully prevent privacy leakage in the context of a membership attack.

4.2.1 Prediction Accuracy of Ensemble and Full Model

In our first experiment, we compare a model that was trained on all available data to an ensemble grown using Algorithm 3.4. Table 3 lists the resulting ensemble sizes and the ratio of sepsis and non-sepsis patients in our final ensembles per split. While the ensembles are of size 40.5 on average, the numbers range from 20 for split-2 to 65 for split-3, which is 50% less and 60% more than the average, respectively. The ratio between non-sepsis and sepsis patient models shows a similar high variance ranging from 0.333 to 0.85 depending on the data split. This illustrates that although we tried to make the data splits as similar as possible, the number of patients is still small and individual patients can have a large influence on the composition of the final model.

split-0 split-1 split-2 split-3 average
Total data
# train patients
# dev patients
# test patients
Ensemble sizes
# total models
# non-sepsis models
# sepsis models
non-sepsis/sepsis ratio
Table 3: Comparison of total data and resulting ensemble sizes using the growing strategy described in Algorithm 3.4.

The metric to compare the predictive performance of our models is the area under the receiver operator characteristic curve (AUROC). The AUROC represents the curve of sensitivity-specificity pairs at particular decision thresholds. In the case of time series with prediction intervals, a common practice of calculating the AUROC is to consider sensitivity and specificity at all timesteps of interest, that is the interval itself and the preceding time of hospital stay. We follow the standard procedure of evaluating only the first sepsis episode, as subsequent episodes have very different properties due to interventions such as medication, administration of fluids, etc. Significance levels were computed using a two-sample -test over the means of the two populations. Means are calculated over four cross-validation runs.

When comparing the predictive performance in terms of AUROC, the ensembles are remarkably better than the full model. For the uniform ensemble (ensemble-u), the difference is significant according to a -test at for all but one case, that is predicting sepsis 12h before onset using the uniform model (see Table 4). We attribute this to the growing strategy of Algorithm 3.4 which guarantees to improve generalization based on theoretical results discussed in Section 3.2. The ensemble with weights adjusted due to the history of prediction performance (ensemble-w), we observe larger gains for the shorter prediction times. When moving further away from sepsis onset, the prediction performance of the uniform and the weighted ensemble becomes more similar. This might be influenced by the fact that the expert labels have limited time resolution (24h and 6h) such that the prediction interval is closer to the real onset time than the interval values indicate.

4h 8h 12h 12h–8h 24h–12h
full model
ensemble-u
ensemble-w
Table 4: AUROC of the ensemble for predicting sepsis at different times before onset. Here, the ensemble is generated using Algorithm 3.4 in Section 3.4. The preceding denotes statistically significant difference () compared to the full model. Values in parenthesis are standard deviations across data splits.

4.2.2 Privacy and Accuracy: Attacks and Defenses

Differential privacy has become a privacy standard for privacy-preserving machine learning. However, there exist many forms of differential privacy with different theoretical privacy guarantees. Jayaraman and Evans (2019) provide a detailed overview on various differentially private machine learning methods in practice. They empirically evaluate two types of privacy attacks, membership inference and attribute inference. We are mostly interested in the former attack, membership inference, as it is most relevant for our method of ensembling patient-specific models.

We apply a simple but effective membership inference attack that has been described by Yeom et al. (2018). Here, it is assumed that the attacker has access to the average training loss. While this is not the case in general, an attacker might obtain this single number by a security breach. The attacker could also estimate the average training loss if there exists some knowledge about the original training data distribution. To infer membership of a data point, the attacker feeds the data to the model and receives the corresponding prediction. Then, by comparing the prediction to the gold label, the attacker calculates the error (or loss) on this example. Finally, if the calculated loss of the example is smaller than the average training loss, then the example is considered to have been part of the training set.

In our first experiment on membership attack, we compare the privacy leakage (Jayaraman and Evans, 2019) of the full model and the uniform ensemble at different privacy budgets . The privacy leakage, also known as attacker’s advantage (Yeom et al., 2018), is defined as the difference of the true positive rate (TPR) and false positive rate (FPR) of a membership attack. For each evaluated privacy budget, we calculate FPR as the ratio of false positives from the unseen test set, and TPR as the ratio of true positives from the training set. To get additional error estimates, we keep the smaller group fixed and sample sets of an equal size 1,000 times from the larger group, i.e., we fix the test set (negatives) and sample from the training set (positives) 1,000 times to calculate our statistics. Figure LABEL:fig:privacy_leakage illustrates that the full model causes privacy leakage at while the uniform ensemble is unaffected in terms of membership inference success on all evaluated levels ().

\floatconts

fig:privacy_leakage

Figure 2: Privacy leakage for membership inference attacks on the full model and on the uniform ensemble at different -levels. Privacy leakage is defined as , thus it can get values below 0. The full model shows privacy leakage at values , while the ensemble preserves privacy at all evaluated -levels. The vertical bars denote the 2 and 3 quartile and the median.
Privacy leakage for membership inference attacks on the full model and on the uniform ensemble at different

In our second experiment, we empirically evaluate the tradeoff between privacy and accuracy which has been discussed in Section 3.3. Privacy is achieved by injecting noise to the model’s prediction. This, however, decreases accuracy, so it is important to know how much noise can be injected without sacrificing too much accuracy. We adopt the idea of accuracy loss by Jayaraman and Evans (2019) and extend it to our AUROC metric. While accuracy typically ranges from 0 to 1, the AUROC ranges from 0.5 (random guessing) to 1.0 (every prediction correct). We thus employ an AUROC-adapted accuracy loss calculation:

For each -level and for each prediction interval, we calculate the accuracy loss for both the full model and the uniform ensemble. Throughout all intervals, our experiments indicate that the ensemble’s accuracy degrades at privacy budget levels approximately two orders of magnitude smaller than the full model’s accuracy. For smaller intervals (Figure LABEL:fig:accuracy_loss ,,) the variance between different data splits is high, while for wider prediction intervals (Figure LABEL:fig:accuracy_loss ,) the variance is smaller, quantile markings are closer, and curves are smoother.

Accuracy loss of the full model and of the uniform ensemble at different Accuracy loss of the full model and of the uniform ensemble at different Accuracy loss of the full model and of the uniform ensemble at different Accuracy loss of the full model and of the uniform ensemble at different Accuracy loss of the full model and of the uniform ensemble at different
Figure 3: Accuracy loss of the full model and of the uniform ensemble at different -levels and prediction times before Sepsis onset. Subfigures (a), (b), and (c) show the accuracy loss for the 4h, 8h, and 12h prediction time, subfigures (d) and (e) for the 12-8h and the 12-24h prediction intervals, respectively. The vertical bars denote the 2 and 3 quartile and the median.

5 Discussion and Conclusion

We have shown how to train and combine individual personalized models in an ensemble that has highly desirable properties in the field of medical data analysis. We presented theoretical and empirical results that show that an ensemble of models which were trained on a fraction of the available data can be better than a baseline model that was trained on all data. We applied a strong membership attack and showed that the ensemble successfully prevents privacy leakage while maintaining its accuracy at privacy budgets almost two orders of magnitude smaller than a single fully trained baseline model.

An important type of attack that we did not explicitly evaluate is attribute inference. The techniques for attribute inference, however, are indeed based on membership inference. In attribute inference, the attacker constructs multiple variants of a candidate patient with and without the attribute in question. Then, similar to membership inference, the prediction error of the model tells the attacker which variant was used in the training dataset. Thus, models that successfully prevent membership inference are also able to prevent attribute inference.

In the field of medical data analysis, ensembling is a promising method for prediction tasks. Explicit sharing of models across different medical communities is desirable and is performed for example in federated learning. However, these techniques are in practice difficult to implement due to various legal constraints and other circumstances such as incompatible interfaces. Protecting privacy in federated learning usually requires very careful injection of noise in the gradients or in the models to not sacrifice performance, which often results in high privacy costs (Jayaraman and Evans, 2019). Sharing models implicitly by ensembling and publicly sharing only outputs, where the models remain in a secured, inaccessible area, is a more realistic setup where privacy can be controlled efficiently.

One limitation of our privacy preserving approach is that we still consume a small privacy budget for each query. Thus, given a fixed privacy budget, subsequently querying our ensemble will eventually use up all the privacy budget available. This problem is addressed by the Private Aggregation of Teacher Ensembles (PATE) approach (Papernot et al., 2017), where an ensemble of teacher models is used to annotate incomplete public data and train a student model on the annotated data. In doing so, the consumed privacy budget does not increase once the student model is trained. In principle, our ensemble strategy could be easily extended to a PATE-like scenario.

In this work, we follow the standard mechanism for privacy protection by adding randomness at certain locations in the machine learning model. Another way of improving privacy could be to exploit the intrinsic randomness of ensembling algorithms such as subsample-and-aggregate (Nissim et al., 2007; Jordon et al., 2019) or bagging (Liu et al., 2021). An interesting direction for future research is an investigation of data augmentation techniques for privacy protection (Yun et al., 2019; Lam et al., 2022). In these approaches, data are randomly cut and recombined to generate artificial training data that have the potential to protect the privacy of the original data.

The dataset we use throughout our experiments is quite imbalanced, i.e., the ratio between sepsis and non-sepsis patients is 1:3.3 (see Table 2). This is mainly due to our filtering where we remove a large amount of short term ICU non-sepsis patients. We found that the ensemble growing strategy we propose does handle imbalances at the ratio mentioned above very well. In reality, however, ICUs often observe much stronger imbalanced data and whether our method degrades at higher ratios or not is an open question. One aspect that implicitly reduces such imbalances is the fact that in general sepsis patients have longer hospital stay times than non-sepsis patients and thus provide more data points to the model.

The ensemble growing strategy described in Algorithm 3.4 provably improves generalization of the ensemble, but as a greedy algorithm it cannot guarantee to return the optimal model combination. Other methods that jointly train an ensemble (Buschjäger et al., 2020) or apply a non-greedy strategy (Zhou et al., 2002) might return better ensembles at the cost of increased complexity. Our simple growing strategy, however, means that our ensembles can be easily updated when new patients’ data becomes available: a new model needs to be trained on the new data, and Algorithm 3.4 will integrate the model in the ensemble if it performs well on the validation set and if it is reasonably different to the existing models.

Privacy protection is of increasing importance in the growing field of medical data science. Machine learning models highly benefit from increasing amounts of data, which can potentially compromise the patients’ rights if techniques are applied without the privacy aspect in mind. There is a lot of active research in model sharing techniques such as federated learning, however, we demonstrate that output sharing such as ensembling is a simple and effective method to provide strong privacy guarantees without sacrificing performance. We don’t propose that model sharing and output sharing should be mutual exclusive; at some levels, model sharing might be better applicable, for example in protected in-house scenarios. In other scenarios, where privacy is defined by differing regulations or laws, for example in a national or international context, output sharing might provide an avenue that is simpler to implement and at the same time provides very strong privacy guarantees.

6 Acknowledgements

This research has been conducted in project SCIDATOS (Scientific Computing for Improved Detection and Therapy of Sepsis), funded by the Klaus Tschira Foundation, Germany (Grant number 00.0277.2015).

References

  • M. Abadi, A. Chu, I. Goodfellow, H. B. McMahan, I. Mironov, K. Talwar, and L. Zhang (2016) Deep learning with differential privacy. In Proceedings of the 23rd ACM SIGSAC Conference on Computer and Communications Security (CCS), Vienna, Austria. External Links: Document Cited by: §3.3.
  • S. Adams, C. Choudhary, M. D. Cock, R. Dowsley, D. Melanson, A. C. A. Nascimento, D. Railsback, and J. Shen (2022) Privacy-preserving training of tree ensembles over continuous data. Proc. Priv. Enhancing Technol. 2022 (2), pp. 205–226. External Links: Document Cited by: §2.
  • L. Breiman (1996) Bagging predictors. Mach. Learn. 24 (2), pp. 123–140. External Links: Document Cited by: §1.
  • M. Bun and T. Steinke (2019) Average-case averages: private algorithms for smooth sensitivity and mean estimation. In Advances in Neural Information Processing Systems (NeurIPS), Vol. 32, Vancouver, Canada, pp. 181–191. Cited by: §3.3.
  • S. Buschjäger, L. Pfahler, and K. Morik (2020) Generalized negative correlation learning for deep ensembling. CoRR abs/2011.02952. Cited by: §1, §2, §5.
  • K. Chaudhuri, C. Monteleoni, and A. D. Sarwate (2011) Differentially private empirical risk minimization. Journal of Machine Learning Research 12, pp. 1069––1109. Cited by: §3.3.
  • I. Dinur and K. Nissim (2003) Revealing information while preserving privacy. In Proceedings of the Twenty-Second ACM Symposium on Principles of Database Systems (PODS), San Diego, California. External Links: Document Cited by: §1.
  • D. Durstewitz, Q. J. M. Huys, and G. Koppe (2021) Psychiatric illnesses as disorders of network dynamics. Biol Psychiatry Cogn Neurosci Neuroimaging 6 (9), pp. 865–876. External Links: Document Cited by: §3.1.
  • C. Dwork and A. Roth (2014) The algorithmic foundations of differential privacy. Foundations and Trends in Theoretical Computer Science 9 (3-4), pp. 211–407. Cited by: §C, §1, item 3, §3.3.
  • C. Dwork (2006) Differential privacy. In Proceedings of the International Colloquium on Automata, Languages and Programming (ICALP), Venice, Italy. Cited by: §C, §2.
  • A. Epasto, M. Mahdian, J. Mao, V. Mirrokni, and L. Ren (2020) Smoothly bounding user contributions in differential privacy. In Advances in Neural Information Processing Systems (NeurIPS), Vol. 33, virtual. Cited by: §3.3.
  • Y. Freund and R. E. Schapire (1995) A desicion-theoretic generalization of on-line learning and an application to boosting. In Proceedings of the European Conference on Computational Learning Theory (EuroCOLT), Barcelona, Spain. Cited by: §1.
  • K. Fritchman, K. Saminathan, R. Dowsley, T. Hughes, M. De Cock, A. Nascimento, and A. Teredesai (2018) Privacy-preserving scoring of tree ensembles: a novel framework for ai in healthcare. In 2018 IEEE International Conference on Big Data (Big Data), Vol. , pp. 2413–2422. External Links: Document Cited by: §2.
  • M. A. Ganaie, M. Hu, M. Tanveer, and P. N. Suganthan (2021) Ensemble deep learning: A review. CoRR abs/2104.02395. Cited by: §2.
  • R. Garett and S. D. Young (2022) Ethical views on sharing digital data for public health surveillance: analysis of survey data among patients. Frontiers in Big Data 5. External Links: Document, ISSN 2624-909X Cited by: §1.
  • K. H. Goh, L. Wang, A. Y. K. Yeow, H. Poh, K. Li, J. J. L. Yeow, and G. Y. H. Tan (2021) Artificial intelligence in sepsis early prediction and diagnosis using unstructured data in healthcare. Nature Communications 12 (711). Cited by: §2.
  • Y. Gong, Y. Fang, and Y. Guo (2015) Privacy-preserving collaborative learning for mobile health monitoring. In IEEE Global Communications Conference (GLOBECOM), San Diego, CA, USA. External Links: Document Cited by: §2.
  • L.K. Hansen and P. Salamon (1990) Neural network ensembles. IEEE Transactions on Pattern Analysis and Machine Intelligence 12 (10), pp. 993–1001. External Links: Document Cited by: §2.
  • S. Hochreiter and J. Schmidhuber (1997) Long short-term memory. Neural Comput. 9 (8), pp. 1735–1780. External Links: ISSN 0899-7667, Document Cited by: §A, §3.1.
  • G. Huang, Y. Li, G. Pleiss, Z. Liu, J. Hopcroft, and K. Weinberger (2017) Snapshot ensembles: train 1, get m for free. In Proceedings of the International Conference on Learning Representations (ICLR), Toulon, France. Cited by: §1, §2.
  • P. Izmailov, D. Podoprikhin, T. Garipov, D. Vetrov, and A. G. Wilson (2018) Averaging weights leads to wider optima and better generalization. In 34th Conference on Uncertainty in Artificial Intelligence (UAI), Monterey, CA, USA. Cited by: §1, §2.
  • R. A. Jacobs, M. I. Jordan, S. J. Nowlan, and G. E. Hinton (1991) Adaptive mixtures of local experts. Neural Comput. 3 (1), pp. 79–87. External Links: Document Cited by: §3.2, §3.4.
  • B. Jayaraman and D. Evans (2019) Evaluating differentially private machine learning in practice. In Proceedings of the 28th USENIX Conference on Security Symposium (SEC’19), Santa Clara, CA, USA. Cited by: item 1, §3.3, §4.2.2, §4.2.2, §4.2.2, §5.
  • J. Jordon, J. Yoon, and M. van der Schaar (2019) Differentially private bagging: improved utility and cheaper privacy than subsample-and-aggregate. In Proceedings of the 33rd Conference on Neural Information Processing Systems (NeurIPS), Vancouver, Canada, pp. 4325–4334. Cited by: §5.
  • T. K. Lam, S. Schamoni, and S. Riezler (2022) Sample, translate, recombine: leveraging audio alignments for data augmentation in end-to-end speech translation. In Proceedings of the 60th Annual Meeting of the Association for Computational Linguistics, Vol. 2, Dublin, Ireland, pp. 245–254. Cited by: §5.
  • H. A. Lindner, S. Schamoni, T. Kirschning, C. Worm, B. Hahn, F. S. Centner, J. J. Schoettler, M. Hagmann, J. Krebs, D. Mangold, S. Nitsch, S. Riezler, M. Thiel, and V. Schneider-Lindner (2022) Ground truth labels challenge the validity of sepsis consensus definitions in critical illness. Journal of Translational Medicine 20 (6), pp. 27. External Links: Document Cited by: §4.1.1.
  • H. Liu, J. Jia, and N. Z. Gong (2021) On the intrinsic differential privacy of bagging. In Proceedings of the Thirtieth International Joint Conference on Artificial Intelligence (IJCAI), Virtual Event / Montreal, Canada, pp. 2730–2736. External Links: Document Cited by: §5.
  • Y. Liu and X. Yao (1999) Ensemble learning via negative correlation. Neural Networks 12 (10), pp. 1399–1404. External Links: Document Cited by: §1, §2.
  • H. B. McMahan, E. Moore, D. Ramage, and B. A. y Arcas (2016) Federated learning of deep networks using model averaging. CoRR abs/1602.05629. Cited by: §3.3.
  • M. Moor, N. Bennett, D. Plecko, M. Horn, B. Rieck, N. Meinshausen, P. Bühlmann, and K. M. Borgwardt (2021) Predicting sepsis in multi-site, multi-national intensive care cohorts using deep learning. CoRR abs/2107.05230. Cited by: §2.
  • K. Nissim, S. Raskhodnikova, and A. D. Smith (2007) Smooth sensitivity and sampling in private data analysis. In Proceedings of the 39th Annual ACM Symposium on Theory of Computing, San Diego, CA, USA, pp. 75–84. External Links: Document Cited by: §5.
  • N. Papernot, M. Abadi, Ú. Erlingsson, I. J. Goodfellow, and K. Talwar (2017) Semi-supervised knowledge transfer for deep learning from private training data. In Proceedings of the 5th International Conference on Learning Representations (ICLR 2017), Toulon, France. Cited by: §5.
  • M. P. Perrone and L. N. Cooper (1992) When networks disagree: ensemble methods for hybrid neural networks. In Artificial Neural Networks for Speech and Image Processing, pp. 126–142. Cited by: §1, §3.2, §3.2, §3.4.
  • N. Rieke, J. Hancox, W. Li, F. Milletarì, H. R. Roth, S. Albarqouni, S. Bakas, M. N. Galtier, B. A. Landman, K. Maier-Hein, S. Ourselin, M. Sheller, R. M. Summers, A. Trask, D. Xu, M. Baust, and M. J. Cardoso (2020) The future of digital health with federated learning. npj Digital Medicine 3 (1) (English). External Links: Document, ISSN 2398-6352 Cited by: §1.
  • S. Riezler and M. Hagmann (2022) Validity, reliability, and significance: empirical methods for nlp and data science. Synthesis Lectures on Human Language Technologies, Morgan & Claypool Publishers. External Links: ISBN 9781636392714, Document Cited by: §4.1.1.
  • S. Schamoni, H. A. Lindner, V. Schneider-Lindner, M. Thiel, and S. Riezler (2019) Leveraging implicit expert knowledge for non-circular machine learning in sepsis prediction. Artif. Intell. Medicine 100. External Links: Document Cited by: §4.1.1.
  • R. Shokri and V. Shmatikov (2015) Privacy-preserving deep learning. In Proceedings of the 53rd Annual Allerton Conference on Communication, Control, and Computing (CCS’15), Allerton, IL, USA. Cited by: §3.3.
  • N. Srivastava, G. Hinton, A. Krizhevsky, I. Sutskever, and R. Salakhutdinov (2014) Dropout: a simple way to prevent neural networks from overfitting. Journal of Machine Learning Research 15 (56), pp. 1929–1958. Cited by: §2.
  • A. Vaswani, N. Shazeer, N. Parmar, J. Uszkoreit, L. Jones, A. N. Gomez, L. Kaiser, and I. Polosukhin (2017) Attention is all you need. In Advances in Neural Information Processing Systems, Vol. 30, Long Beach, CA, USA, pp. 5998–6008. Cited by: §3.1.
  • D. H. Wolpert (1992) Stacked generalization. Neural Networks 5 (2), pp. 241–259. External Links: Document Cited by: §1.
  • S. Yeom, I. Giacomelli, M. Fredrikson, and S. Jha (2018) Privacy risk in machine learning: analyzing the connection to overfitting. In 31st IEEE Computer Security Foundations Symposium (CSF 2018), Oxford, United Kingdom, pp. 268–282. External Links: Document Cited by: §4.2.2, §4.2.2.
  • S. Yun, D. Han, S. Chun, S. J. Oh, Y. Yoo, and J. Choe (2019) CutMix: regularization strategy to train strong classifiers with localizable features. In 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Korea (South), pp. 6022–6031. External Links: Document Cited by: §5.
  • Z. Zhou, J. Wu, and W. Tang (2002) Ensembling neural networks: many could be better than all. Artificial Intelligence 137 (1-2), pp. 239–263. External Links: Document Cited by: §3.2, §3.2, §5.

Appendices

A Model Architecture and Meta-Parameters

The details of our general model architecture are as follows. Our model uses LSTM-cells (Hochreiter and Schmidhuber, 1997) to model long and short dependencies in the time series data. Each patient’s stay is divided into 24h windows with 12h of overlap. For example, a 48h stay will be divided into three 24h windows during training. The motivation for using overlapping windows here is that important changes in clinical measurements should not solely occur on one end of a window, but also in the middle of such a sequence so the model has access to more context. Our model has 2 hidden LSTM-layers with 200 units each. The input layer takes a 43-dimensional feature vector, the output is the severity score. We train the model with a minibatch size of 20 with mean squared error as the optimization metric. We also apply gradient clipping of 0.25 and set dropout to 0.2 for the hidden layers during training.

B Optimality in Weighted Averaging Ensembling

{lemma}

Let be a set of regression estimates with covariance matrix . Then choosing the weights according to

where is an -vector whose components are all yields the ensemble estimator with the lowest possible MSE for .

Note

If is a diagonal matrix then the optimal weights are

If further the optimal weights are

An important consequence of this Lemma is the fact that if the weights are chosen in an optimal way, then .

Summary:

  1. The MSE of an ensemble estimator of a collection is completely determined by the covariance matrix .

  2. In practice is unknown and must be replaced by an estimator . In the usual setting where training, test and validation data are drawn from the same distribution the covariances can be estimated by validation set sample means.

  3. Regarding the optimal weights, the invertibility of is of direct importance. Given that in practice we need to base our calculation on which should aim at choosing in such a way that the inversion of (and in consequence ) is numerically stable and well conditioned. One way to achieve this is to choose in such a way that is a diagonal matrix.

C Differential Privacy

Differential privacy (Dwork, 2006; Dwork and Roth, 2014) is based on guarantees that a randomized algorithm behaves similarly on similar input databases, i.e., on databases differing in one data point. Let be two data sets that are obtained from one another by removing one data point, called neighboring data sets, and denoted by . Furthermore, let be a randomized algorithm producing an output in the space on input data in .

{definition}

A randomized algorithm is -differentially private if for all data sets , and all subsets of outcomes ,

where is the privacy budget, and is the failure probability.

The concept of differential privacy implies that the level of protection of data is always lowered when a model trained on this data is queried. The privacy budget is thus reduced by each model query. A common way to lower this reduction is to add noise to the model’s answer of the query.

Let us consider deterministic functions as fundamental types of database queries. The amount of noise that is required to preserve privacy of a function is proportional to its sensitivity, i.e., to the maximum change in the output of over all possible inputs: {definition} The -sensitivity of a function is

A standard technique to achieve differential privacy is the Laplace mechanism that perturbs each coordinate of a function with noise drawn from a Laplace distribution, with variance proportional to the sensitivity of the function (divided by ): {definition} Given a function , the Laplace mechanism is defined as where are i.i.d. random variables drawn from , and is a Laplace distribution with mean and variance .

D Features for Sepsis Prediction Task

Age Arterial pH Urine output Procalcitonin (PCT)
Heart rate Leukocytes Blood glucose Temperature
Lactate Bicarbonate Stroke volume Alanine transaminase
Creatinine Base excess Horowitz index BUN/Creatinine ratio
Bilirubin Lymphocytes Partial CO Aspartate transaminase
Sodium Net balance Respiratory rate Oxygenation saturation
Potassium Quick score Calcium (ionized) C-reactive protein (CRP)
Hemoglobin Systolic BP Heart time volume Respiratory minute volume
Chloride Temperature Oxygen saturation Fraction of inspired O
SVRI Diastolic BP Pancreatic lipase Partial pressure art. O
Mean BP Thrombocytes Blood urea nitrogen
Table 5: List of the 43 features we used for training our models for the Sepsis prediction task. Features can be readings from vital monitors (e.g., heart rate, blood pressure), lab results (e.g., bilirubin, creatinine), or static demographic features (age).