11email: mukesh_pg23@cse.nits.ac.in and 11email: pinki@cse.nits.ac.in
ShowMeTheMoney306/03期中字 EP04中字在线观看
Abstract
百度 还记得那些我们拼命想要凑齐的各版本最强装备吗?Accurately predicting the criticalness of ICU patients (such as in-ICU mortality risk) is vital for early intervention in critical care. However, conventional models often treat each patient in isolation and struggle to exploit the relational structure in Electronic Health Records (EHR). We propose a Similarity-Based Self-Construct Graph Model (SBSCGM) that dynamically builds a patient similarity graph from multi-modal EHR data, and a HybridGraphMedGNN architecture that operates on this graph to predict patient mortality and a continuous criticalness score. SBSCGM uses a hybrid similarity measure (combining feature-based and structural similarities) to connect patients with analogous clinical profiles in real-time. The HybridGraphMedGNN integrates Graph Convolutional Network (GCN), GraphSAGE, and Graph Attention Network (GAT) layers to learn robust patient representations, leveraging both local and global graph patterns. In experiments on 6,000 ICU stays from the MIMIC-III dataset, our model achieves state-of-the-art performance (AUC-ROC ) outperforming baseline classifiers and single-type GNN models. We also demonstrate improved precision/recall and show that the attention mechanism provides interpretable insights into model predictions. Our framework offers a scalable and interpretable solution for critical care risk prediction, with potential to support clinicians in real-world ICU deployment.
Keywords:
Electronic Health Records Graph Neural Networks ICU Mortality Prediction Dynamic Graph Multimodal Fusion Interpretability1 Introduction
The widespread availability of large-scale electronic health records (EHRs) has created new opportunities for predictive modeling in critical care. However, ICU data is inherently high-dimensional, heterogeneous, and temporally dynamic, posing significant challenges for conventional learning systems. Most predictive models including logistic regression and Transformer-based EHR models (e.g., Med-BERT, Hi-BEHRT) treat patients independently and neglect underlying similarities between clinical trajectories, thereby missing relational patterns indicative of deterioration.
To address this, we propose modeling patients as a dynamic graph, where edges represent clinical similarity. We introduce the Similarity-Based Self-Construct Graph Model (SBSCGM), which builds a patient similarity graph in real time using a hybrid similarity function, and present HybridGraphMedGNN, a novel GNN architecture that integrates GCN, GraphSAGE, and GAT layers to exploit both local and global graph structures for ICU outcome prediction.
Our main contributions are as follows. First, we propose a dynamic, data-driven patient graph construction strategy that evolves with new ICU data, offering adaptability beyond static graph models. Second, we develop a hybrid similarity measure that combines cosine-based feature similarity and Jaccard-based structural similarity, allowing for robust edge formation. Third, we design a multi-architecture GNN that fuses the strengths of GCN, GraphSAGE, and GAT to generate interpretable, multi-scale embeddings. Finally, through multi-task training (mortality classification and severity regression), our method achieves state-of-the-art performance on the MIMIC-III dataset, outperforming classical models and single-type GNNs. Ablation studies further show the advantage of integrating static and temporal features in the graph.
By linking patients with analogous clinical profiles and leveraging GNN-based reasoning, this work advances explainable, high-fidelity risk prediction for ICU patients and lays the groundwork for real-time, graph-based decision support in critical care.
2 Related Work
We review foundational advancements in four key domains relevant to our work: (1) Graph Neural Networks (GNNs) for ICU risk modeling, (2) dynamic graph construction in clinical settings, (3) multimodal integration of EHR data, and (4) explainability in graph-based healthcare AI.
2.1 GNNs for ICU Outcome Prediction
GNNs have increasingly been adopted in critical care research for their ability to model inter-patient dependencies and uncover latent relationships across cohorts. Ma?et al.?[3] introduced a dynamic GAT-based model for ICU mortality prediction, achieving up to 1.8% AUC improvement over static graph baselines. Boll?et al.?[4] used patient similarity graphs for heart failure prediction, while Defilippo?et al.?[5] demonstrated GNN utility in automating emergency triage with interpretable outputs. A systematic review by Gao?et al.?[2] consolidates these trends, highlighting GNNs’ edge over traditional models in capturing relational structure. Recent studies have further explored advanced variants such as hypergraphs?[13] and early-warning systems?[12], validating GNN robustness in complex ICU environments.
2.2 Dynamic Graph Construction in Healthcare
Traditional graph-based models often rely on static similarity derived from shared diagnoses or demographics, limiting their responsiveness to clinical progression. To address this, Xu?et al.?[6] proposed a temporal GNN that dynamically updates graph structure based on evolving EHR signals. Our SBSCGM framework builds on this idea, constructing a hybrid patient graph using both static features and real-time vitals. Unlike fixed-topology methods, our approach adaptively redefines connectivity to reflect the most recent patient trajectories, significantly enhancing predictive accuracy as shown in Section?4.
2.3 Multimodal EHR Fusion
ICU patient data is inherently heterogeneous spanning structured variables (e.g., vitals, diagnoses), semi-structured codes, and unstructured text?[1]. Zhou?et al.?[7] proposed PM2F2N, which fuses clinical notes and time-series vitals through co-attention and graph-based correlation modeling. Graph representations are particularly suited for such multimodal fusion, as they allow flexible encoding of various data types within nodes and edges. While our current implementation integrates structured inputs into node features, future extensions may leverage pretrained language models such as BioBERT?[16] and Med-BERT?[17] for textual enrichment, or combine image features using vision-language embeddings?[15, 14].
2.4 Explainability in Clinical GNNs
Interpretability is vital for clinician trust and regulatory acceptance. GATs?[10] offer inherent transparency via attention weights, which quantify the influence of neighboring nodes during prediction. RETAIN?[11] demonstrates how attention can uncover temporal salience in medical histories, while SHAP and other feature attribution tools?[14] are often used post hoc. In HybridGraphMedGNN, we utilize GAT-derived attention to trace peer influence in mortality scoring. Beyond metrics, we conduct error analysis on false positives and negatives to validate alignment with clinical reasoning. Future directions may include integrating GNNExplainer or counterfactual reasoning frameworks to further enhance decision interpretability in safety-critical ICU applications.
3 Methodology
Our proposed framework integrates two key modules: (1) the Similarity-Based Self-Constructing Graph Model (SBSCGM) for dynamic patient graph construction based on EHR-derived similarity metrics, and (2) the HybridGraphMedGNN, a heterogeneous graph neural network designed to perform both mortality classification and severity regression on the constructed graph.

3.1 Patient Similarity Graph Construction (SBSCGM)
We define the ICU cohort as an undirected, weighted graph , where each node represents a patient, and each edge encodes the clinical similarity between patients and . The graph is constructed in a self-supervised fashion using patient-level feature vectors derived from multimodal EHRs (see Section?3.2).
To capture heterogeneous clinical signals, we compute a hybrid similarity score as a weighted combination of:
where is the cosine similarity between continuous-valued feature vectors, and is the Jaccard index over binary-coded categorical attributes (e.g., diagnoses, procedures). The parameter controls the balance; empirically, yielded optimal results.
An edge is created if , with set near the 90th percentile of all pairwise similarities to preserve graph sparsity and clinical relevance. The adjacency matrix is defined as:
This graph is dynamic and supports updates as patient conditions evolve, though for this study we constructed it once after preprocessing for evaluation.

3.2 Patient Feature Encoding
Each patient node is associated with a feature vector capturing static and dynamic clinical attributes:
-
?
Demographics: Age (normalized), gender, ethnicity, ICU admission type.
-
?
Comorbidities and Diagnoses: Binary indicators for top ICD-9 codes and Charlson Comorbidity Index.
-
?
Vitals and Labs: Aggregated statistics (mean, min, max) from time-series records of heart rate, blood pressure, glucose, creatinine, and lactate.
-
?
Interventions and Medications: Binary flags for high-risk interventions (e.g., ventilation, dialysis), fluid input volume, and major medication categories.
-
?
Optional Embeddings: Node2Vec embeddings over patient-diagnosis bipartite graphs to capture latent clinical structure.
Continuous features are min-max normalized to . Categorical fields are one-hot encoded. Missing values are imputed using cohort-wise means or forward-filling. This preprocessing ensures feature comparability and numerical stability during training.
3.3 HybridGraphMedGNN Architecture
We employ a multi-layer GNN architecture that integrates three complementary types of convolutional layers:
The full network consists of five stacked layers: two GCN, two GraphSAGE, and one multi-head GAT. Each layer applies ReLU activation and batch normalization. All hidden embeddings have a fixed size of 64. The general layer-wise propagation rule is:
(1) |
where denotes the edge weight (or attention coefficient in GAT), is a trainable weight matrix, and is the activation function.
This architecture enables effective propagation of both local and global signals through the patient similarity graph, capturing higher-order dependencies among ICU trajectories.
3.4 Multi-Task Learning Objective
The final embedding for each node is passed to two prediction heads:
-
?
Mortality classification: A sigmoid unit predicts as the probability of in-ICU mortality.
-
?
Severity regression: A linear unit outputs reflecting estimated criticalness.
The combined loss function is:
(2) |
where is the binary cross-entropy loss and is the mean squared error (MSE). The weights and control the relative contribution of each task. Severity scores are derived from a normalized proxy combining ICU interventions, length of stay, and discharge status, similar to?[17].
This multi-task formulation encourages embeddings that are simultaneously informative for discrete classification and continuous risk stratification yielding improved calibration and clinical utility.
4 Results
4.1 Overall Performance
Table?1 summarizes the comparative performance of all models on the test set. Our proposed HybridGraphMedGNN achieves the highest performance across all evaluation metrics: an AUC-ROC of 0.942, F1-score of 0.874, accuracy of 92.8%, precision of 89.1%, and recall of 85.7%. These results outperform both traditional baselines and single-layer-type GNNs. Notably, the strongest individual GNN variant (GAT-only) achieved 0.915 AUC-ROC and 0.822 F1, while the non-graph MLP baseline achieved only 0.810 AUC-ROC and 0.726 F1. Statistical significance was confirmed via paired -tests over five random seeds ().
Model | AUC-ROC | Accuracy | Precision | Recall | F1 |
---|---|---|---|---|---|
No Graph (MLP) | 0.810 | 78.5% | 75.0% | 70.4% | 72.6% |
Logistic Regression | 0.799 | 77.2% | 73.1% | 68.0% | 70.4% |
Random Forest | 0.825 | 80.0% | 78.9% | 65.0% | 71.3% |
GCN-only | 0.902 | 85.6% | 82.3% | 78.9% | 80.5% |
GraphSAGE-only | 0.908 | 86.1% | 83.1% | 79.5% | 81.2% |
GAT-only | 0.915 | 86.8% | 84.2% | 80.3% | 82.2% |
HybridGraphMedGNN (ours) | 0.942 | 92.8% | 89.1% | 85.7% | 87.4% |
Figure?3 presents ROC curves for the top models. HybridGraphMedGNN consistently achieves higher true positive rates across thresholds. At 80% specificity, it reaches nearly 90% sensitivity exceeding all baselines.

The model’s risk regression head yields a Spearman correlation of 0.82 with downstream outcomes, capturing continuous severity trends. High-risk predictions aligned with cases requiring aggressive interventions, validating the clinical relevance of learned scores.
Training, validation, and testing losses are shown in Figure?4, demonstrating consistent convergence and strong generalization.



4.2 Ablation Studies
We conducted two ablation experiments: (1) comparing different patient graph construction strategies, and (2) analyzing the impact of GNN architectural components.
Table?2 presents the results. Constructing the graph using both static and temporal features (hybrid) significantly outperformed single-source graphs. The combined graph achieved 0.942 AUC-ROC and 0.87 F1-score, whereas static-only and temporal-only graphs trailed by 6–9% in both metrics. Figure?5 further visualizes this trend.

Additionally, comparing GNN layer types reveals the importance of architectural heterogeneity. The hybrid stack (GCN + GraphSAGE + GAT) outperformed any single-type network, leveraging local smoothing, inductive generalization, and attention-based filtering.
Graph Configuration / Model | AUC-ROC | F1-score |
---|---|---|
No Graph (MLP) | 0.810 | 0.78 |
Static Similarity Graph | 0.850 | 0.81 |
Temporal Similarity Graph | 0.860 | 0.82 |
Combined Similarity Graph (Ours) | 0.942 | 0.87 |
GCN-only | 0.902 | 0.805 |
GraphSAGE-only | 0.908 | 0.812 |
GAT-only | 0.915 | 0.822 |
Hybrid (GCN+SAGE+GAT) | 0.942 | 0.874 |
4.3 Discussion
The integration of graph-based patient modeling substantially improves predictive performance. By propagating risk signals across clinically similar patients, the model captures latent correlations (e.g., rising lactate and respiratory failure) that enhance recall with minimal false positives.
The GAT layer further introduces interpretability: high attention weights aligned with semantically relevant neighbors (e.g., similar interventions or deterioration profiles), emulating clinician-like analogical reasoning.
Figure?6 illustrates the confusion matrix. Misclassifications were primarily edge cases e.g., survivors with late critical intervention (false positives), or atypical deteriorations (false negatives). Nevertheless, the model achieved a balanced true positive and true negative rate.

Limitations: The cost of similarity-based graph construction can be computationally intensive for very large cohorts. Manual tuning of and also introduces sensitivity. In future work, we plan to explore learned graph construction methods (e.g., self-attention over nodes) and extend our framework to incorporate clinical notes and imaging modalities for deeper multimodal integration.
5 Conclusion and Future Work
We proposed a novel graph-based framework for ICU mortality prediction that dynamically models patient similarity using EHR data. By integrating a self-constructing patient graph (SBSCGM) with a multi-architecture GNN (HybridGraphMedGNN), our approach effectively combines GCN, GraphSAGE, and GAT layers to capture both local and global patient relationships. This design achieved superior AUC-ROC and F1-score compared to traditional ML and standalone GNN baselines.
Clinically, the model offers an interpretable, context-aware early warning system that links each patient to similar historical cases. The hybrid similarity metric and attention mechanisms enhance interpretability and support trustworthiness for deployment in critical care.
Future Directions:
-
?
Real-time Monitoring: Extend to online prediction using streaming EHR data, with efficient incremental graph updates and lightweight GNN inference.
-
?
External Validation: Evaluate generalizability across datasets like MIMIC-IV or real-world ICU cohorts; adapt similarity thresholds to different clinical distributions.
-
?
Multimodal Fusion: Incorporate unstructured data (clinical notes, imaging) into node features or expand to heterogeneous graphs with modality-specific subgraphs.
-
?
Explainability: Employ GNNExplainer or contrastive attribution to identify key features and patient-neighbor relationships influencing decisions.
-
?
Privacy-Preserving Learning: Develop federated GNN frameworks to train across hospitals without exposing sensitive patient data.
In summary, HybridGraphMedGNN offers a scalable, interpretable, and high-performing solution for ICU risk prediction. With further clinical integration and validation, graph-driven models like ours hold promise for real-time, personalized, and trustworthy AI support in critical care.
References
- [1] Johnson, A.E.W., Pollard, T.J., Shen, L., Lehman, L.-w.H., Feng, M., Ghassemi, M., Moody, B., Szolovits, P., Celi, L.A., Mark, R.G.: MIMIC-III, a freely accessible critical care database. Scientific Data 3, 160035 (2016).
- [2] Gao, L., Zhang, Y.: Graph neural networks for electronic health records: A systematic review. International Journal of Medical Informatics 60, 102315 (2023).
- [3] Ma, M., Sun, P., Li, Y., Huo, W.: Predicting the risk of mortality in ICU patients based on dynamic graph attention network of patient similarity. Mathematical Biosciences and Engineering 20(8), 15326–15344 (2023).
- [4] Oss?Boll, H., Amirahmadi, A., Soliman, A., Byttner, S., Recamonde-Mendoza, M.: Graph neural networks for heart failure prediction on an EHR-based patient similarity graph. arXiv preprint arXiv:2411.19742 (2024).
- [5] Defilippo, A., Veltri, P., Liò, P., Guzzi, P.H.: Leveraging graph neural networks for supporting automatic triage of patients. Scientific Reports 14, 12548 (2024).
- [6] Xu, J., Liu, W., Wang, F.: Temporal graph neural networks for patient risk prediction. IEEE Transactions on Medical Informatics (2023).
- [7] Zhang, Y., Zhou, B., Song, K., Sui, X., Zhao, G., Jiang, N., Yuan, X.: Patient multi-view multi-modal feature fusion networks for clinical outcome prediction. In: Findings of EMNLP, pp. 1984–1993 (2022).
- [8] Kipf, T.N., Welling, M.: Semi-supervised classification with graph convolutional networks. In: International Conference on Learning Representations (ICLR) (2017).
- [9] Hamilton, W.L., Ying, Z., Leskovec, J.: Inductive representation learning on large graphs. In: Advances in Neural Information Processing Systems (NeurIPS), pp. 1024–1034 (2017).
- [10] Veli?kovi?, P., Cucurull, G., Casanova, A., Romero, A., Liò, P., Bengio, Y.: Graph attention networks. In: International Conference on Learning Representations (ICLR) (2018).
- [11] Choi, E., Bahadori, M.T., Schuetz, A., Stewart, W.F., Sun, J.: RETAIN: An interpretable predictive model for healthcare using reverse time attention mechanism. In: Advances in Neural Information Processing Systems (NeurIPS) (2016).
- [12] Zhao, Y., Liu, Y., Guo, W.: Graph-based early warning system for ICU patient deterioration prediction using EHR data. IEEE Journal of Biomedical and Health Informatics (2023).
- [13] Huang, Z., Chen, W., Liu, X.: Hypergraph convolutional networks for fine-grained ICU patient similarity analysis and risk prediction. IEEE Journal of Biomedical and Health Informatics 26(11), 5552–5562 (2022).
- [14] Shickel, B., Tighe, P.J., Bihorac, A., Rashidi, P.: Deep EHR: A survey of recent advances in deep learning techniques for electronic health record (EHR) analysis. Journal of Biomedical Informatics 83, 168–185 (2018).
- [15] Rajkomar, A., et al.: Scalable and accurate deep learning with electronic health records. npj Digital Medicine 1, 18 (2018).
- [16] Lee, J., Yoon, W., Kim, S., Kim, D., Kim, S., So, C.H., Kang, J.: BioBERT: A pre-trained biomedical language representation model for biomedical text mining. Bioinformatics 36(4), 1234–1240 (2020).
- [17] Liu, Q., Zhu, Z., Guo, L., Zhang, Z.: Med-BERT: Pretrained contextualized embeddings on large-scale structured electronic health records for disease prediction. NPJ Digital Medicine 4, 86 (2021).
- [18] Kalyan, K.S., Sangeetha, S.: SEER: A system for early and explainable ICU mortality risk prediction using multimodal temporal data. BMC Medical Informatics and Decision Making 22, 90 (2022).
- [19] Brown, D., Johnson, A., White, K.: Predicting ICU mortality using graph convolutional networks. In: AMIA Annual Symposium Proceedings, pp. 234–243 (2022).