Skip to main content
medRxiv
  • Home
  • About
  • Submit
  • ALERTS / RSS
Advanced Search

Predicting mortality in critically ill patients with hypertension using machine learning and deep learning models

Ziyang Zhang, View ORCID ProfileJiancheng Ye
doi: https://doi.org/10.1101/2024.08.21.24312399
Ziyang Zhang
1Department of Electrical and Computer Engineering, Northwestern University, Evanston, IL, USA
MS
  • Find this author on Google Scholar
  • Find this author on PubMed
  • Search for this author on this site
Jiancheng Ye
2Weill Cornell Medicine, Cornell University, New York, NY, USA
PhD
  • Find this author on Google Scholar
  • Find this author on PubMed
  • Search for this author on this site
  • ORCID record for Jiancheng Ye
  • For correspondence: jiy4009{at}med.cornell.edu
  • Abstract
  • Full Text
  • Info/History
  • Metrics
  • Data/Code
  • Preview PDF
Loading

ABSTRACT

Background Accurate prediction of mortality in critically ill patients with hypertension admitted to the Intensive Care Unit (ICU) is essential for guiding clinical decision-making and improving patient outcomes. Traditional prognostic tools often fall short in capturing the complex interactions between clinical variables in this high-risk population. Recent advances in machine learning (ML) and deep learning (DL) offer the potential for developing more sophisticated and accurate predictive models.

Objective This study aims to evaluate the performance of various ML and DL models in predicting mortality among critically ill patients with hypertension, with a particular focus on identifying key clinical predictors and assessing the comparative effectiveness of these models.

Methods We conducted a retrospective analysis of 30,096 critically ill patients with hypertension admitted to the ICU. Various ML models, including logistic regression, decision trees, and support vector machines, were compared with advanced DL models, including 1D convolutional neural networks (CNNs) and long short-term memory (LSTM) networks. Model performance was evaluated using area under the receiver operating characteristic curve (AUC) and other performance metrics. SHapley Additive exPlanations (SHAP) values were used to interpret model outputs and identify key predictors of mortality.

Results The 1D CNN model with an initial selection of predictors achieved the highest AUC (0.7744), outperforming both traditional ML models and other DL models. Key clinical predictors of mortality identified across models included the APS-III score, age, and length of ICU stay. The SHAP analysis revealed that these predictors had a substantial influence on model predictions, underscoring their importance in assessing mortality risk in this patient population.

Conclusion Deep learning models, particularly the 1D CNN, demonstrated superior predictive accuracy compared to traditional ML models in predicting mortality among critically ill patients with hypertension. The integration of these models into clinical workflows could enhance the early identification of high-risk patients, enabling more targeted interventions and improving patient outcomes. Future research should focus on the prospective validation of these models and the ethical considerations associated with their implementation in clinical practice.

INTRODUCTION

Hypertension is a prevalent chronic condition that significantly increases the risk of severe complications, including heart disease, stroke, and kidney failure.[1] Critically ill patients with hypertension admitted to the Intensive Care Unit (ICU) often present with complex medical profiles and are at a heightened risk of mortality.[2] Early and accurate prediction of mortality in these patients is crucial for guiding clinical decision-making, optimizing resource allocation, and improving patient outcomes. However, predicting mortality in this population is challenging due to the multifactorial nature of their conditions and the dynamic, rapidly changing clinical environment of the ICU.[3]

Traditional prognostic tools, such as scoring systems like the Acute Physiology and Chronic Health Evaluation (APACHE) and Sequential Organ Failure Assessment (SOFA), have been widely used to assess the severity of illness and predict outcomes in ICU patients.[4] While these tools provide valuable insights, they are often limited by their reliance on a predefined set of clinical variables and may not fully capture the complex interactions between patient characteristics and clinical outcomes. Furthermore, the predictive accuracy of these traditional models can be compromised by the heterogeneous nature of critically ill populations, including those with hypertension.[5]

Recent advances in machine learning (ML) and deep learning (DL) have opened new avenues for developing more sophisticated and accurate predictive models.[6] These models can handle large, multidimensional datasets and automatically identify complex patterns and interactions within the data, offering the potential for more personalized and precise predictions.[7] In particular, deep learning models, such as convolutional neural networks (CNNs) and recurrent neural networks (RNNs), have shown promise in various clinical applications, including the prediction of mortality, disease progression, and treatment response.[8, 9]

Despite the potential advantages of ML and DL models, their application in predicting mortality among critically ill patients with hypertension remains underexplored. This study seeks to address this gap by evaluating the performance of various ML and DL models in predicting mortality in this high-risk population. Specifically, we compare traditional ML models, such as logistic regression and decision trees, with advanced DL models, including 1D CNNs [10] and long short-term memory (LSTM) networks.[11] We also investigate the importance of different clinical features in predicting mortality, with a particular focus on the role of commonly used ICU scoring systems, such as the APS-III score and SOFA score.[12]

The objectives of this study are twofold: first, to identify the most effective predictive model for mortality in critically ill patients with hypertension; and second, to provide insights into the key clinical features that drive these predictions. By leveraging the strengths of both ML and DL approaches, we aim to contribute to the development of more accurate and clinically useful prognostic tools that can support decision-making in the ICU.

METHODS

Dataset processing

This study utilized the Medical Information Mart for Intensive Care IV (MIMIC-IV) dataset, which contains de-identified healthcare information for approximately 40,000 patients admitted to critical care units at Beth Israel Deaconess Medical Center (BIDMC) between 2008 and 2019. [13] Patients with hypertension were identified using ICD-9 and ICD-10 codes.[14] We extracted the following data from the patients’ electronic health records (EHRs): (1) Demographics, including self-reported race, sex, and age; (2) Vital signs; (3) Laboratory test results; (4) Maximum creatinine levels on days two and three; and (5) Patient mortality.

We also calculated the Sequential Organ Failure Assessment (SOFA) Score and the Acute Physiology Score III (APS-III) for each patient. The SOFA score assesses organ failure in ICU patients, tracking the status of six organ systems: respiratory, cardiovascular, hepatic, coagulation, renal, and neurological.[15] SOFA is advantageous as it does not require specific tests and relies on routinely collected ICU data. The APS-III score evaluates the severity of illness in adult ICU patients [16] and is an enhanced version of the Acute Physiology and Chronic Health Evaluation (APACHE) system.[17] APS-III is designed to predict hospital mortality with greater accuracy by assessing the patient’s current health status, underlying medical conditions, and complications arising during their ICU stay. It is widely used in critical care research to compare illness severity across patients and to adjust outcomes in clinical studies. [18] We addressed missing data using Multivariable Imputation by Chained Equations (MICE).[19] MICE is a robust statistical technique that imputes missing values with plausible estimates, creating complete datasets. Initially, missing values are filled with preliminary imputations, such as means and standard deviations. The method then iteratively models each variable with missing data as a function of other variables in a chained equation system, updating the imputations at each step. This process is repeated over multiple cycles until convergence. Multiple complete datasets are generated, analyzed separately, and the results are combined to account for imputation uncertainty.

This study aimed to predict patient mortality using various predictors and to examine the relationship between these predictors and mortality. We employed multiple machine learning models, including Decision Trees and Support Vector Machines (SVM), as well as deep learning models, such as one-dimensional convolutional neural networks (1D CNNs) and recurrent neural networks (RNNs). We excluded data with values outside reasonable ranges (e.g., heart rate above 200).

Statistical analysis

Statistical analysis was conducted using Python and the open-source library “statsmodels”.[20] The analysis had two main objectives: (1) to explore the bivariate association between patient mortality and predictors, and (2) to perform initial feature selection using conventional statistical machine learning models, specifically multivariable logistic regression. We defined a model with all predictors as the initial selection and a model with highly associated predictors as the backward selection. For the initial selection, we performed multivariable logistic regression to obtain unadjusted relationships with p-values. Predictors with the highest p-values greater than 0.05 were iteratively removed until all remaining variables had p-values below 0.05. The resulting set of predictors was considered strongly relevant and used as input variables for the backward selection. Model performance was assessed using root mean square error (RMSE) through 10-fold cross-validation. For logistic regression, odds ratios, p-values, and 95% confidence intervals were computed. Receiver operating characteristic (ROC) curves were drawn for both the initial and backward selections during the 10 runs of cross-validation, and the area under the curve (AUC) was calculated for each run. A higher AUC (closer to 1) indicates better model performance, while an AUC of 0.5 suggests no discrimination.[21]

Model

We developed multiple classifiers to predict mortality using scikit-learn [22] for machine learning models and TensorFlow [23] for deep learning models. Categorical variables, such as race, were encoded as vectors using one-hot encoding, and continuous variables, such as lab test results, were standardized by subtracting the mean and dividing by the standard deviation to facilitate model fitting.

Several algorithms were used to predict mortality, including logistic regression, support vector machines, multilayer perceptrons (a type of artificial neural network), random forests, bagging decision trees, and boosting decision trees. For logistic regression, we optimized the binary cross-entropy loss using the “Newton-Cholesky” solver, which is well-suited for binary classification with a large number of samples compared to features. For the support vector machine, we employed the stochastic gradient descent algorithm to minimize the log-loss function. The multilayer perceptron architecture included two hidden layers, with 7 neurons in the first layer and 4 neurons in the second, using Rectified Linear Unit (ReLU) activation functions and the Adam solver.[24] For the random forest, we set the number of estimators to 100 and the maximum number of features per tree to the square root of the total features. The bagging decision trees also had 100 estimators, with decision trees as the base estimator. Lastly, the boosting decision trees were implemented using a histogram-based gradient boosting strategy, which is more powerful and efficient for large datasets than other strategies.

To ensure generalizability and robustness, we employed three prominent deep learning methods: 1D CNNs, RNNs, and long short-term memory networks (LSTMs). The 1D CNN, a variant of the traditional 2D CNN, is specifically designed for processing sequential data, such as time-series data. Our model architecture included two 1D convolutional layers with a max-pooling layer in between, followed by two fully connected layers, a dropout layer for regularization, and a SoftMax output layer for classification. For the RNN and LSTM models,[11] we replaced the 1D CNN with RNN and LSTM units, respectively, while keeping the rest of the architecture the same. The binary cross-entropy loss was optimized using the Adam optimizer with a learning rate of 0.0001 over 20 epochs. To avoid overfitting, we monitored the training process by calculating the loss on the validation set and saved the optimal model at the point where validation loss began to increase. In our study, each sample from the dataset was treated as having 36 time steps, with a single feature per time step. Additionally, we incorporated SHAP (SHapley Additive exPlanations) values into our predictor selection process to evaluate predictor importance and refine the backward selection.[25] SHAP is a game-theoretic approach that explains the output of machine learning models by connecting optimal credit allocation with local explanations using the classic Shapley values from game theory.

We evaluated all models using multiple metrics, including AUC, accuracy, sensitivity, specificity, positive predictive value (PPV), and negative predictive value (NPV). The dataset was split into a training set (80%), validation set (10%), and testing set (10%). Hyperparameter tuning was conducted on the training and validation sets, and model performance was evaluated on the test set.

Study Approval

This study exclusively used publicly available MIMIC-IV data.

RESULTS

Statistics overview

A total of 30,096 patients met the inclusion criteria for this study. The demographic and clinical characteristics of these patients are summarized in Table 1. The majority of the cohort was white (67.55%), with 13,619 (45.25%) patients deceased following ICU admission, and 16,477 (54.75%) patients surviving. This near-equitable distribution indicates that the classification task is reasonably balanced.

View this table:
  • View inline
  • View popup
Table 1. Characteristics of patients with hypertension in ICU.

Supplemental Table 1 presents the bivariate associations between patient mortality and the predictors of interest. In the unadjusted logistic regression analysis, variables such as minimum SpO2, mean SpO2, minimum platelet count, and maximum sodium levels (p > 0.05) were not significantly associated with patient mortality post-ICU admission. The multivariable logistic regression model using backward selection is detailed in Supplemental Table 2. The analysis indicates that patients with elevated red blood cell counts and creatinine levels are more likely to succumb upon ICU admission.

View this table:
  • View inline
  • View popup
  • Download powerpoint
Supplemental Table 1. Bivariate association between outcome and predictors.
View this table:
  • View inline
  • View popup
  • Download powerpoint
Supplemental Table 2. Multivariable logistic regression of backward selection.

Models

We conducted logistic regression analyses using 10-fold cross-validation across 10 iterations, each with different random seeds. The results, shown in Supplemental Table 3, suggest that the initial selection model exhibits superior classification performance compared to the backward selection model. This finding implies that incorporating all predictors may lead to more accurate predictions.

View this table:
  • View inline
  • View popup
  • Download powerpoint
Supplemental Table 3. Multivariable logistic regression AUC

Table 2 outlines the performance metrics on the testing set across the models employed in the backward selection, where the top fifteen predictors ranked by the SHAP framework were used as input. Each metric provides unique and critical insights into the model’s performance. Among the models, the 1D CNN achieved the highest AUC (0.7744), demonstrating both good sensitivity and a strong positive predictive value. This suggests that the model not only excels at identifying positive cases but also produces highly reliable positive predictions. These results indicate that the models effectively fit the data without overfitting, due to the cross-validation strategy employed. Notably, the LSTM model reached the highest NPV (0.7317). Overall, the 1D CNN model from the initial selection outperformed the other models across all metrics, indicating that deep learning approaches may be particularly powerful for this study.

View this table:
  • View inline
  • View popup
  • Download powerpoint
Table 2. Performance metrics on the models.

Figure 1 illustrates the ROC curves for the machine learning models. Among these, the boosting decision trees model achieved the best AUC (0.762), regardless of whether the initial or backward selection was used. Figure 2 presents the ROC curves for the deep learning models, with the 1D CNN emerging as the top performer (AUC: 0.770).

Figure 1.
  • Download figure
  • Open in new tab
Figure 1.

ROC curve of machine learning models.

Figure 2.
  • Download figure
  • Open in new tab
Figure 2.

ROC curves of Deep learning models.

Model interpretation

We provided an interpretation of the 1D CNN model, which had the best overall performance (AUC: 0.774). First, we identified the top 25 predictors based on their mean absolute SHAP values. Figure 3 shows the relationship between these predictors and their influence on the model’s output. Globally, the APS-III score, age, and length of ICU stay were the top three predictors.

Figure 3.
  • Download figure
  • Open in new tab
Figure 3.

SHAP beeswarm plot of 1D CNN.

We further analyzed individual predictors with scatter plots. Figure 4(a) demonstrates that younger age (left side, negative SHAP values) contributes negatively to the model’s output, while older age (right side, positive SHAP values) contributes positively. Extreme ages appear to have a more significant impact on the model’s predictions, indicating that age has a monotonically increasing effect on the prediction of patient mortality. Figure 4(b) shows that SHAP values increase with the APS-III score, suggesting that a higher APS-III score correlates with an elevated probability of mortality, consistent with the score’s role in assessing patient risk.

Figure 4.
  • Download figure
  • Open in new tab
Figure 4.

Scatter plots for SHAP values: (a) Age, and (b) APS-III score.

Finally, we used SHAP values to interpret two individual cases. Figure 5(a) displays the contribution of clinical measurements and patient characteristics to a positive mortality prediction, where age, APS-III score, and maximum blood urea nitrogen had the strongest positive contributions. Conversely, Figure 5(b) illustrates a case where the model predicted survival, with APS-III score, length of ICU stays, and SOFA score being the most significant factors in the negative prediction.

Figure 5.
  • Download figure
  • Open in new tab
Figure 5.

Waterfall plots for two individual cases: (a) True positive case, and (b) True negative case.

SHAP values were calculated for all models discussed in this paper.[26] Across models, we identified a consistent set of significant predictors for mortality in critically ill patients with hypertension. These predictors include minimum bicarbonate, APS-III score, maximum blood urea nitrogen, maximum creatinine during days 2 and 3, mean respiratory rate, minimum creatinine, maximum red blood cell count, length of ICU stay, age, minimum prothrombin, SOFA score, minimum systolic blood pressure, minimum diastolic blood pressure, and minimum hemoglobin.

DISCUSSION

Accurate prognosis prediction is vital for patient-centered care, facilitating shared decision-making and informing treatment strategies. In this study, we evaluated various machine learning and deep learning models to predict mortality in critically ill patients with hypertension upon ICU admission. Our findings reveal that deep learning models, particularly the 1D CNN, consistently outperformed traditional machine learning models in predictive accuracy, as measured by AUC and other performance metrics. Specifically, the 1D CNN model, using an initial selection of predictors, achieved the highest AUC (0.7744), demonstrating its superior ability to distinguish between patients who survived and those who did not after ICU admission.

Our analysis also underscored the significance of specific clinical features, with the APS-III score, age, and length of ICU stay emerging as the most influential predictors of mortality. These results highlight the importance of comprehensive physiological assessments and detailed patient history in developing predictive models for critically ill populations.

The identification of key predictors such as APS-III score, age, and length of ICU stay carries significant implications for clinical practice.[27] These factors are routinely available in ICU settings, making the integration of the 1D CNN model into real-time clinical decision-making practical. With its high AUC and reliable positive predictive value, this model could assist healthcare providers in the early identification of high-risk patients, enabling more targeted interventions that may improve patient outcomes and optimize resource allocation.[28]

Moreover, the model’s ability to efficiently process large and complex datasets, coupled with its capacity for ongoing learning and adaptation, suggests that deep learning approaches could be instrumental in advancing precision medicine in critical care. This study demonstrates the effectiveness of both classic machine learning algorithms and modern deep learning models in predicting mortality among critically ill patients with hypertension. Our predictive models incorporated a diverse set of variables, leveraging professional medical knowledge by including SOFA and APS-III scores, which assess overall organ failure and the severity of illness. This approach enhanced the models’ ability to predict patient mortality more accurately.

Among the models evaluated, the 1D CNN exhibited the best performance, likely due to its architecture that combines the learning capabilities of neural networks with the efficiency of convolutional filters. The 1D CNN’s ability to capture local dependencies and recognize patterns within the data enabled it to outperform other models, including RNNs and LSTMs, which did not perform as well, possibly due to the lack of strong sequential dependencies in the predictors used.[29] Decision tree algorithms also performed well, consistent with existing literature, while support vector machines (SVMs) lagged behind, potentially due to the high-dimensional complexity of the dataset.

The 1D CNN prediction model has the potential to facilitate advanced clinical decision-making for critically ill patients with hypertension. The 1D CNN is designed to process sequential data, such as time series or any data with a temporal dimension. Its structure, which includes convolutional layers, activation functions, max pooling, and fully connected layers, is particularly suited for tasks requiring the recognition of local and positionally invariant patterns.[30] This makes 1D CNNs robust and efficient for analyzing large input sequences, eliminating the need for manual feature engineering, and ensuring robustness to shifts and variations in the input data. By reducing the number of parameters through shared weights and pooling, 1D CNNs are computationally efficient and can automatically learn to detect important features from raw data. This makes them particularly beneficial in complex clinical data scenarios, where data may not always be perfectly aligned or uniform. The model’s robustness to slight variations in input data is especially valuable in clinical contexts, where data consistency can vary.[30]

Our findings are consistent with previous research that has shown the utility of machine learning in predicting patient outcomes in the ICU.[31] However, this study advances the field by demonstrating the particular effectiveness of deep learning models, such as the 1D CNN, in handling the complex and multidimensional data typically found in ICU settings. Unlike traditional machine learning models, which often require extensive feature engineering, deep learning models can automatically discern intricate patterns and interactions within the data, leading to potentially more accurate predictions.[32]

The study also builds on prior work by using SHAP values to interpret the models, thereby providing transparency and insight into the decision-making process. Through the SHAP framework, we explored the impact of predictors across all employed models. This feature selection method has become widely recognized for explaining the effects of each feature on learning algorithms. Addressing one of the main criticisms of deep learning models—namely, their “black-box” nature—this approach elucidates the contributions of individual predictors to the model’s predictions. Such interpretability is crucial for gaining the trust of clinicians and ensuring that these models are used effectively and ethically in practice.

LIMITATIONS

Despite its strengths, this study has several limitations. First, the study was conducted using a retrospective dataset, which may limit the generalizability of the findings to other patient populations or clinical settings. Future research should aim to validate these models prospectively in diverse ICU populations to confirm their utility and robustness in real-world settings. Second, although we employed SHAP values to enhance model interpretability, there remains a need for further research into the ethical implications of using such models in clinical practice. Issues such as algorithmic bias, patient consent, and the transparency of decision-making processes should be rigorously examined to ensure that these technologies are implemented responsibly.[33] Finally, while the models demonstrated good predictive performance, there is room for improvement. Exploring ensemble methods that combine multiple deep learning models or incorporating time-series data could further enhance predictive accuracy. Additionally, integrating multi-modal data sources, such as genomic information, clinical notes,[34] patient-generated health data,[35] and imaging data,[36] could provide a more comprehensive view of patient health, leading to even more personalized and precise predictions.[37]

CONCLUSION

This study demonstrates the potential of deep learning models, particularly the 1D CNN, in predicting mortality in critically ill patients with hypertension in the ICU. The superior performance of these models, coupled with their ability to handle complex datasets and provide interpretable results, positions them as powerful tools for improving patient outcomes in critical care settings. However, ongoing research is needed to validate these findings in broader patient populations and to address the ethical challenges associated with the deployment of such technologies in clinical practice. By continuing to refine these models and ensuring their responsible use, we can move closer to realizing the promise of precision medicine in the ICU.

FUNDING

None.

CONTRIBUTION STATEMENT

ZZ contributed to data analyses and the writing of the manuscript. JY designed the study, contributed to the data analyses, and the writing of the manuscript. All authors read and approved the final version of the manuscript.

DATA AVAILABILITY STATEMENT

All data are available at Medical Information Mart for Intensive Care: https://mimic.physionet.org/. The relevant code and analyses are available at: https://github.com/ZiyangZhang0511/predictingmortality/tree/main.

CONFLICT OF INTEREST STATEMENT

None.

Data Availability

All data produced are available online at: https://mimic.physionet.org/.

REFERENCES

  1. 1.↵
    Flack, J.M. and B. Adekola, Blood pressure and the new ACC/AHA hypertension guidelines. Trends in cardiovascular medicine, 2020. 30(3): p. 160–164.
    OpenUrlCrossRef
  2. 2.↵
    Malbrain, M.L., et al., Incidence and prognosis of intraabdominal hypertension in a mixed population of critically ill patients: a multiple-center epidemiological study. Critical care medicine, 2005. 33(2): p. 315–322.
    OpenUrlCrossRefPubMedWeb of Science
  3. 3.↵
    Ye, J. and L.N. Sanchez-Pinto. Three data-driven phenotypes of multiple organ dysfunction syndrome preserved from early childhood to middle adulthood. in AMIA Annual Symposium Proceedings. 2020. American Medical Informatics Association.
  4. 4.↵
    Beigmohammadi, M.T., et al., Mortality predictive value of APACHE II and SOFA scores in COVID-19 patients in the intensive care unit. Canadian Respiratory Journal, 2022. 2022(1): p. 5129314.
    OpenUrl
  5. 5.↵
    Roncon, L., et al., Patients with arterial hypertension and COVID-19 are at higher risk of ICU admission. British journal of anaesthesia, 2020. 125(2): p. e254–e255.
    OpenUrl
  6. 6.↵
    Syed, M., et al. Application of machine learning in intensive care unit (ICU) settings using MIMIC dataset: systematic review. in Informatics. 2021. MDPI.
  7. 7.↵
    Ye, J., et al., The role of artificial intelligence for the application of integrating electronic health records and patient-generated data in clinical decision support. AMIA Summits on Translational Science Proceedings, 2024. 2024: p. 459.
  8. 8.↵
    van de Sande, D., et al., Moving from bytes to bedside: a systematic review on the use of artificial intelligence in the intensive care unit. Intensive care medicine, 2021. 47: p. 750–760.
    OpenUrlCrossRefPubMed
  9. 9.↵
    Ye, J., Patient Safety of Perioperative Medication Through the Lens of Digital Health and Artificial Intelligence. JMIR Perioperative Medicine, 2023. 6: p. e34453.
    OpenUrl
  10. 10.↵
    Kiranyaz, S., et al. 1-D convolutional neural networks for signal processing applications. in ICASSP 2019-2019 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP). 2019. IEEE.
  11. 11.↵
    Hochreiter, S. and J. Schmidhuber, Long short-term memory. Neural computation, 1997. 9(8): p. 1735–1780.
    OpenUrl
  12. 12.↵
    Johnson, A.E., A.A. Kramer, and G.D. Clifford, A new severity of illness scale using a subset of acute physiology and chronic health evaluation data elements shows comparable predictive accuracy. Critical care medicine, 2013. 41(7): p. 1711–1718.
    OpenUrlCrossRefPubMed
  13. 13.↵
    Johnson, A.E., et al., MIMIC-IV, a freely accessible electronic health record dataset. Scientific data, 2023. 10(1): p. 1.
    OpenUrl
  14. 14.↵
    Quan, H., et al., Coding algorithms for defining comorbidities in ICD-9-CM and ICD-10 administrative data. Medical care, 2005. 43(11): p. 1130–1139.
    OpenUrlCrossRefPubMedWeb of Science
  15. 15.↵
    Vincent, J.-L., et al., The SOFA (Sepsis-related Organ Failure Assessment) score to describe organ dysfunction/failure: On behalf of the Working Group on Sepsis-Related Problems of the European Society of Intensive Care Medicine (see contributors to the project in the appendix). 1996, Springer-Verlag.
  16. 16.↵
    Knaus, W.A., et al., The APACHE III prognostic system: risk prediction of hospital mortality for critically III hospitalized adults. Chest, 1991. 100(6): p. 1619–1636.
    OpenUrlCrossRefPubMedWeb of Science
  17. 17.↵
    Wagner, D.P., et al., Initial international use of APACHE: an acute severity of disease measure. Medical Decision Making, 1984. 4(3): p. 297–313.
    OpenUrlCrossRefPubMedWeb of Science
  18. 18.↵
    Ye, J., et al., Predicting mortality in critically ill patients with diabetes using machine learning and clinical notes. BMC Medical Informatics and Decision Making, 2020. 20(11): p. 1–7.
    OpenUrl
  19. 19.↵
    Van Buuren, S. and K. Groothuis-Oudshoorn, mice: Multivariate imputation by chained equations in R. Journal of statistical software, 2011. 45: p. 1–67.
    OpenUrl
  20. 20.↵
    Seabold, S. and J. Perktold, Statsmodels: econometric and statistical modeling with python. SciPy, 2010. 7: p. 1.
    OpenUrl
  21. 21.↵
    Myerson, J., L. Green, and M. Warusawitharana, Area under the curve as a measure of discounting. Journal of the experimental analysis of behavior, 2001. 76(2): p. 235–243.
    OpenUrlCrossRefPubMedWeb of Science
  22. 22.↵
    Pedregosa, F., et al., Scikit-learn: Machine learning in Python. the Journal of machine Learning research, 2011. 12: p. 2825–2830.
    OpenUrl
  23. 23.↵
    Abadi, M., et al. {TensorFlow}: a system for {Large-Scale} machine learning. in 12th USENIX symposium on operating systems design and implementation (OSDI 16). 2016.
  24. 24.↵
    Eckle, K. and J. Schmidt-Hieber, A comparison of deep networks with ReLU activation function and linear spline-type methods. Neural Networks, 2019. 110: p. 232–242.
    OpenUrl
  25. 25.↵
    Lundberg, S.M. and S.-I. Lee, A unified approach to interpreting model predictions. Advances in neural information processing systems, 2017. 30.
  26. 26.↵
    Marcílio, W.E. and D.M. Eler. From explanations to feature selection: assessing SHAP values as feature selection mechanism. in 2020 33rd SIBGRAPI conference on Graphics, Patterns and Images (SIBGRAPI). 2020. Ieee.
  27. 27.↵
    Ye, J. Design and development of an informatics-driven implementation research framework for primary care studies. in AMIA Annual Symposium Proceedings. 2021. American Medical Informatics Association.
  28. 28.↵
    Ye, J., et al., Interventions and contextual factors to improve retention in care for patients with hypertension in primary care: Hermeneutic systematic review. Preventive Medicine, 2024: p. 107880.
  29. 29.↵
    Wu, H. and S. Prasad, Convolutional recurrent neural networks for hyperspectral data classification. Remote Sensing, 2017. 9(3): p. 298.
    OpenUrl
  30. 30.↵
    Kiranyaz, S., et al., 1D convolutional neural networks and applications: A survey. Mechanical systems and signal processing, 2021. 151: p. 107398.
    OpenUrl
  31. 31.↵
    Shillan, D., et al., Use of machine learning to analyse routinely collected intensive care unit data: a systematic review. Critical care, 2019. 23: p. 1–11.
    OpenUrlCrossRef
  32. 32.↵
    Kong, G., K. Lin, and Y. Hu, Using machine learning methods to predict in-hospital mortality of sepsis patients in the ICU. BMC medical informatics and decision making, 2020. 20: p. 1–10.
    OpenUrl
  33. 33.↵
    Ye, J. and Z. Ren, Examining the impact of sex differences and the COVID-19 pandemic on health and health care: findings from a national cross-sectional study. JAMIA Open, 2022.
  34. 34.↵
    Ye, J., et al., Development and Application of Natural Language Processing on Unstructured Data in Hypertension: A Scoping Review. medRxiv, 2024: p. 2024.02. 27.24303468.
    OpenUrl
  35. 35.↵
    Ye, J., et al., The role of artificial intelligence in the application of the integrated electronic health records and patient-generated health data. medRxiv, 2024: p. 2024.05. 01.24306690.
  36. 36.↵
    Cohen, J.P., et al., Covid-19 image data collection: Prospective predictions are the future. arXiv preprint arXiv:2006.11988, 2020.
  37. 37.↵
    Ye, J., et al., Multimodal data hybrid fusion and natural language processing for clinical prediction models. AMIA Summits on Translational Science Proceedings, 2024. 2024: p. 191.
    OpenUrl
Back to top
PreviousNext
Posted August 22, 2024.
Download PDF
Data/Code
Email

Thank you for your interest in spreading the word about medRxiv.

NOTE: Your email address is requested solely to identify you as the sender of this article.

Enter multiple addresses on separate lines or separate them with commas.
Predicting mortality in critically ill patients with hypertension using machine learning and deep learning models
(Your Name) has forwarded a page to you from medRxiv
(Your Name) thought you would like to see this page from the medRxiv website.
CAPTCHA
This question is for testing whether or not you are a human visitor and to prevent automated spam submissions.
Share
Predicting mortality in critically ill patients with hypertension using machine learning and deep learning models
Ziyang Zhang, Jiancheng Ye
medRxiv 2024.08.21.24312399; doi: https://doi.org/10.1101/2024.08.21.24312399
Twitter logo Facebook logo LinkedIn logo Mendeley logo
Citation Tools
Predicting mortality in critically ill patients with hypertension using machine learning and deep learning models
Ziyang Zhang, Jiancheng Ye
medRxiv 2024.08.21.24312399; doi: https://doi.org/10.1101/2024.08.21.24312399

Citation Manager Formats

  • BibTeX
  • Bookends
  • EasyBib
  • EndNote (tagged)
  • EndNote 8 (xml)
  • Medlars
  • Mendeley
  • Papers
  • RefWorks Tagged
  • Ref Manager
  • RIS
  • Zotero
  • Tweet Widget
  • Facebook Like
  • Google Plus One

Subject Area

  • Health Informatics
Subject Areas
All Articles
  • Addiction Medicine (349)
  • Allergy and Immunology (668)
  • Allergy and Immunology (668)
  • Anesthesia (181)
  • Cardiovascular Medicine (2648)
  • Dentistry and Oral Medicine (316)
  • Dermatology (223)
  • Emergency Medicine (399)
  • Endocrinology (including Diabetes Mellitus and Metabolic Disease) (942)
  • Epidemiology (12228)
  • Forensic Medicine (10)
  • Gastroenterology (759)
  • Genetic and Genomic Medicine (4103)
  • Geriatric Medicine (387)
  • Health Economics (680)
  • Health Informatics (2657)
  • Health Policy (1005)
  • Health Systems and Quality Improvement (985)
  • Hematology (363)
  • HIV/AIDS (851)
  • Infectious Diseases (except HIV/AIDS) (13695)
  • Intensive Care and Critical Care Medicine (797)
  • Medical Education (399)
  • Medical Ethics (109)
  • Nephrology (436)
  • Neurology (3882)
  • Nursing (209)
  • Nutrition (577)
  • Obstetrics and Gynecology (739)
  • Occupational and Environmental Health (695)
  • Oncology (2030)
  • Ophthalmology (585)
  • Orthopedics (240)
  • Otolaryngology (306)
  • Pain Medicine (250)
  • Palliative Medicine (75)
  • Pathology (473)
  • Pediatrics (1115)
  • Pharmacology and Therapeutics (466)
  • Primary Care Research (452)
  • Psychiatry and Clinical Psychology (3432)
  • Public and Global Health (6527)
  • Radiology and Imaging (1403)
  • Rehabilitation Medicine and Physical Therapy (814)
  • Respiratory Medicine (871)
  • Rheumatology (409)
  • Sexual and Reproductive Health (410)
  • Sports Medicine (342)
  • Surgery (448)
  • Toxicology (53)
  • Transplantation (185)
  • Urology (165)