Abstract
Background
Sepsis is a life-threatening syndrome eliciting highly heterogeneous host responses. Current prognostic evaluation methods used in clinical practice are characterized by an inadequate effectiveness in predicting sepsis mortality. Rapid identification of patients with high mortality risk is urgently needed. The phenotyping of patients will assistant invaluably in tailoring treatments.
Methods
Machine learning and deep learning technology are used to characterize the patients’ phenotype and determine the sepsis severity. The database used in this study is MIMIC-III and MIMIC-IV (‘Medical information Mart for intensive care’) which is a large, public, and freely available database. The K-means clustering is used to classify the sepsis phenotype. Convolutional neural network (CNN) was used to predict the 28-day survival rate based on 35 blood test variables of the sepsis patients, whereas a double coefficient quadratic multivariate fitting function (DCQMFF) is utilized to predict the 28-day survival rate with only 11 features of sepsis patients.
Results
The patients were grouped into four clusters with a clear survival nomogram. The first cluster (C_1) was characterized by low white blood cell count, low neutrophil, and the highest lymphocyte proportion. C_2 obtained the lowest Sequential Organ Failure Assessment (SOFA) score and the highest survival rate. C_3 was characterized by significantly prolonged PTT, high SIC, and a higher proportion of patients using heparin than the patients in other clusters. The early mortality rate of patients in C_3 was high but with a better long-term survival rate than that in C_4. C_4 contained septic coagulation patients with the worst prognosis, characterized by slightly prolonged partial thromboplastin time (PTT), significantly prolonged prothrombin time (PT), and high septic coagulation disease score (SIC). The survival rate prediction accuracy of CNN and DCQMFF models reached 92% and 82%, respectively. The models were tested on an external dataset (MIMIC-IV) and achieved good performance. A DCQMFF-based application platform was established for fast prediction of the 28-day survival rate.
Conclusion
CNN and DCQMFF accurately predicted the sepsis patients’ survival, while K-means successfully identified the phenotype groups. The distinct phenotypes associated with survival, and significant features correlated with mortality were identified. The findings suggest that sepsis patients with abnormal coagulation had poor outcomes, abnormal coagulation increase mortality during sepsis. The anticoagulation effects of appropriate heparin sodium treatment may improve extensive micro thrombosis-caused organ failure.
Supplementary Information
The online version contains supplementary material available at 10.1186/s12967-022-03469-6.
Keywords: Sepsis, Deep learning, Survival prediction, Convolution neural network, Coagulation
Introduction
According to the Global Burden of Diseases, Injuries, and Risk Factors Study published in 2020 [1], sepsis is one of the leading causes of morbidity and mortality worldwide. In 2017, the age-standardized mortality due to sepsis equaled 148.1 deaths per 100,000 population [1]. The number of patients with sepsis is estimated to be between 18 and 31.5 million per year, and the mortality is as high as 20% [2–5]. Due to sepsis’ high heterogeneity and complexity [6–8], its unified treatments are impractical. A delay in treatment initiation and support measures increases the mortality of sepsis patients [9–11]. Therefore, enabling physicians to forecast the survival, classify, and characterize sepsis victims in a timely manner is important for obtaining a favorable outcome.
Several prognostic methods in clinical practice have been established as standards for benchmark studies, including APACHE II score [12], SOFA [13], qSOFA, and SIRS [14, 15]. In addition, researchers have been incorporating clinical features such as the dynamic pulse pressure and vasopressor, the delta pulse pressure [16], and the sepsis hospital mortality score [17] into the scoring system to promote quicker and more accurate sepsis diagnosis. However, there is limited evidence of their effectiveness in improving patient outcomes [18].
Machine learning (ML)- based clinical decision support systems for accurate sepsis recognition have received increasing attention in the latest decade [19–22], with many emerging algorithms for prediction [23–35] and classification [36] of the sepsis risk. For example, the existing works utilized Recent Temporal Patterns mining with support vector machine (SVM) classifier[37], congruent cluster analysis [38], K-means clustering method [39], logistic regression, SVM, random forest, decision tree, and extreme gradient boosting machine [40] for sepsis classification or prediction. Chicco et al. [41] used radial SVM, gradient boosting, Naïve Bayes, linear regression, and linear SVM methods to predict the sepsis patients’ survival. Good performance was achieved for positive data instances but poor for negative ones. Although traditional ML algorithms perform well in cluster analysis, the prediction accuracy remains insufficient. As pointed out by Liu and Walkey, more work is required to improve the ML prediction performance [42–44]. Finally, several studies were limited by a lack of external validation and insufficient generalizability.
Various deep learning techniques exhibit excellent learning ability in the existing studies. For example, Kam and Kim [45] trained a long short-term memory and a deep feed-forward network for early detection of sepsis. Scherpf and colleagues [46] proposed a recurrent neural network architecture to predict sepsis using the Medical Information Mart for Intensive Care version 3 (MIMIC-III) dataset. Tom et al.[47] employed a temporal deep learning method to predict the blood culture outcomes in the intensive care unit (ICU). A combination of Convolutional neural network (CNN) features, random forest algorithm, and SOFA score were applied to monitor sepsis patients in [48]. The mentioned studies achieved good performances in disease prediction, but the features’ scale or the number of sepsis cases were relatively small. In particular, the relationships among features were not seriously considered. These limitations are likely to result in overfit and poor generalization.
In the present study, we leveraged the advantages of both deep learning and traditional ML to characterize the sepsis patients’ phenotype. Deep learning models were generated to predict the patients’ survival rate and detect the patients with high mortality. Firstly, the traditional K-means [49] algorithm was used for the distance calculation between the features and for automatic aggregations for the classification of sepsis patients. The optimal number of groups (K) was determined by comparing between the elbow [50, 51] and the silhouette score [52, 53] methods. Principal component analysis (PCA) is used to reduce the dimension of clustering results. The original random vector was transformed by orthogonal transformation to determine the components related or unrelated into a new random vector, and then fewer dimensions were selected. Here, three dimensions are selected to map the futures into three-dimensional space. And then, the survival nomogram was established to determine the significant features with respect to the survival of patients from each phenotype.
A CNN [54, 55] model was selected for its superior representation learning ability. There were two parts in the CNN architecture: a fully connected classifier and the conventional layers. The features extracted by the convolutional layers were classified by the classifier and the efficiency of the classification was ensured by the multi-parameter classifier. The current work established an application platform using only 11 routine blood test variables to enable quick prediction of the 28-day survival rate.
The information from the 11 blood tests (such as the blood cell classification count, blood coagulation function test, arterial blood gas analysis, and liver and kidney function teats) enables physicians from primary hospitals, emergency units, or ICUs to quickly evaluate patients’ risks and tailor the treatments accordingly. The platform was constructed with a multivariate double coefficient fitting function. With the 11 blood test results and the products of any two of the 11 results used as the independent variables, the coefficients of the fitting function were obtained using the full connection network training of deep learning. The proposed method can be helpful even when faced equipment shortage in primary hospitals or emergency units and ICUs or other limitations caused by patient’s condition.
Methods
This work uses K-means to determine the phenotypes of patients with sepsis, and a deep learning algorithm and a double coefficient quadratic multivariate fitting function (DCQMFF) model to predict the 28-day survival rate of sepsis patients and detect patients with high mortality. The features of the corresponding cases in the phenotype were further analyzed based on the survival prediction results to identify high-risk features leading to death. The flow chart of data processing is shown in Fig. 1A.
Fig. 1.
The flow chart of data processing (A) and the feature maps of CNN based survival rate (B)
Data collection
This retrospective cohort study was carried out based on MIMIC-III and MIMIC-IV, a large database comprising deidentified health-related data associated with patients who stay in critical care units of the Beth Israel Deaconess Medical Center between 2001–2012 and 2008–2018. The databases include information such as demographics, vital sign measurements made at the bedside (about one data point per hour), laboratory test results, procedures, medications, caregiver notes, imaging reports, and mortality (both in and out of hospital). MIMIC-IV was built upon the success of MIMIC-III and incorporated multiple improvements over its predecessor. Fan Zhang (Record ID 36181465) is certified to get access to the database and is responsible for data extraction. This analysis complied with the Reporting of Studies Conducted Using Observational Routinely Collected Health Data guidelines for administrative claims data [56].
Statistical analysis
Nonparametric methods were utilized to test the differences in features among subgroups when the data violated the assumptions of normal distribution and homoscedasticity. Two nonparametric tests, Kruskal–Wallis and Jonckheere-Terpstra were both utilized, and the higher p value was selected with respect to each comparison. Otherwise, T-test, F-test, and one-way analysis of variance (ANOVA) were conducted accordingly. Additional clinical and laboratory test results are shown in Additional file 1: Table S1 in the Supplemental Material. The p values for the association between features and survival were calculated using nonparametric tests on k-independent samples.
K-means clustering of sepsis subgroups and F (PCA)
As an unsupervised ML technique, the K-means clustering method was applied to identify the sepsis clusters in MIMIC datasets [57]. The advantages of this clustering method are its fast speed and less parameters needed. To realize the calculation, the acquired features were taken as direct input and the data were automatically aggregated by the distance calculation. An optimal number of groups (k) was determined by compromising between the methods of elbow [58] and the silhouette score [52, 59]. Upon data clustering, PCA was utilized to reduce the data dimensionality to three dimensions to facilitate visualization. Nonparametric tests were used to test the differences among the detected groups.
Survival rate prediction model based on convolutional neural network (CNN)
Since Hinton and Salakhutdinov [60] proposed a multi-level Boltzmann machine based on a probability graph model in 2006, deep learning has gradually become the leading tool in the field of image processing and computer vision. CNN [54, 61] is one of the prominent deep learning algorithms, with a wide range of applications in various fields and an excellent performance in classification tasks [62]. In addition, advancements in numerical computing equipment further promoted CNN’s representational learning ability.
This work proposes a CNN-based survival rate prediction model to predict sepsis patients’ survival rate. The CNN model contains seven convolutional layers, of which the first six layers use the rectified linear unit (ReLU) as the activation function, and the last one utilizes Sigmoid. Convolution layers extract features extraction, and the activation function adds nonlinear factors. ReLU largely solves the gradient vanishing problem when the model optimizes the deep neural network [63]. The Sigmoid activation function serves to transform the probabilities into the output suitable for binary classification problems. The feature map size for each layer is shown in Fig. 1B.
Survival rate predication based on a double coefficient quadratic multivariate fitting function (DCQMFF) model
Quadratic fitting function method [64, 65], also known as function simulation or interpolation function method, is recognized as a classical and effective optimization method. To adapt to complex environments, a multidimensional quadratic fitting function [66, 67] was proposed. However, the fitting effect is poor for nonlinear data. To solve this problem, a multivariate quadratic fitting function with double coefficients was proposed to adapt to multi-dimensional nonlinear data for prediction of the survival probability in the current work.
This model considers eleven features, including the most valuable parameters in the SOFA score system that indicate the organ function and two features acquired in Blood Gas Analysis (pH and lactate) critical to estimating the septic shock. More precisely, the considered futures are Creatinine, Hemoglobin, the International standardized ratio of prothrombin time (INR-PT), Lymphocytes, Neutrophils, Platelet Count, Partial Thromboplastin Time (PTT), White Blood Cells, Lactate, Bilirubin, and pH. These features indicate the sepsis severity, with several of them correlating.
First, the data were normalized. To avoid zero minimum values in the normalization process, the formula is selected. In this formula, x is the element before normalization, x* is the normalized element, and max and min are the maximum and minimum values of a feature, respectively. The values of the 11 features are regarded as independent variables . Survival and death probabilities are considered as a two-dimensional dependent variable, i.e., y = (0,1) or (1,0). The DCQMFF model is defined as:
where represents the probability of survival and death, respectively (note, ). Double the coefficients can help avoid over fitting caused by a fast dimensionality reduction, thus improving the model’s generalization ability.
The processed data were divided into training data and test data according to a 7:3 ratio. To prevent class imbalance, negative cases were up-sampled by means of replication, random generation according to the median of negative cases features, and adding random noise to the cases to keep the proportion of positive and negative cases nearly equal [68]. Then, the model was trained on the training data and verified using the test data. This procedure processes only the 11 aforementioned features to predict the survival probability. Receiver operating characteristic curve (ROC) [69] was used to evaluate the effectiveness of the CNN and DCQMFF prediction models. The ROC curve is created by plotting the true positive rate (TPR) with respect to the false positive rate (FPR) at various threshold settings and depicts a trade-off between sensitivity and specificity. Thus, the curve summarizes the binary classifier’s performance by combining the confusion matrices at all threshold values. The area under the ROC curve (AUC) measures the classifier’s ability to distinguish between positive and negative classes. The closer the AUC to 1, the better the model at distinguishing the two classes. Finally, accuracy, precision, recall, and F1-score are four popular metrics for evaluating the performance of classification methods. The CNN and DCQMFF models’ prediction results are compared to those of the random forest, logistic regression, lasso regression, and other methods considered by Chicco et al. [41] (Table 1).
Table 1.
| Comparison of the performance of multiple prediction models
Methods | Accuracy | Precision | Recall | F1 | AUC | |
---|---|---|---|---|---|---|
Random Forest | Training | 0.851 | 1.000 | 0.238 | 0.384 | 0.619 |
Test | 0.808 | 0.909 | 0.068 | 0.127 | 0.533 | |
Logistic Regression | Training | 0.825 | 0.629 | 0.256 | 0.364 | 0.610 |
Test | 0.808 | 0.567 | 0.260 | 0.357 | 0.605 | |
Lasso Regression | Training | 0.825 | 0.762 | 0.148 | 0.248 | 0.568 |
Test | 0.813 | 0.710 | 0.151 | 0.249 | 0.567 | |
Radial SVM [40] | Training | 0.515 | 0.970 | 0.491 | 0.652 | 0.701 |
Test | 0.337 | 0.896 | 0.204 | 0.333 | 0.586 | |
Val | 0.806 | 0.849 | 0.920 | 0.883 | 0.642 | |
Gradient boosting [40] | Training | 0.851 | 0.934 | 0.899 | 0.916 | 0.690 |
test | 0.718 | 0.822 | 0.816 | 0.819 | 0.574 | |
Val | 0.828 | 0.885 | 0.905 | 0.895 | 0.682 | |
Bayes [40] | Training | 0.567 | 0.965 | 0.553 | 0.703 | 0.649 |
Test | 0.465 | 0.861 | 0.405 | 0.551 | 0.562 | |
Val | 0.828 | 0.891 | 0.895 | 0.893 | 0.713 | |
Linear regression [40] | Training | 0.801 | 0.943 | 0.835 | 0.886 | 0.599 |
Test | 0.679 | 0.828 | 0.763 | 0.794 | 0.541 | |
Val | 0.788 | 0.885 | 0.842 | 0.863 | 0.689 | |
Linear SVM [40] | Training | 0.337 | 0.896 | 0.205 | 0.333 | 0.586 |
Test | 0.467 | 0.861 | 0.407 | 0.553 | 0.586 | |
Val | 0.818 | 0.873 | 0.906 | 0.889 | 0.676 | |
Sofa Score [13] DCQMFF (proposed) | All data | 0.752 | 0.371 | 0.327 | 0.348 | 0.807 |
Training | 0.822 | 0.822 | 0.821 | 0.822 | 0.896 | |
Test | 0.821 | 0.812 | 0.812 | 0.812 | 0.885 | |
Val | 0.775 | 0.764 | 0.754 | 0.759 | 0.849 | |
CNN (Proposed) | Training | 0.928 | 0.924 | 0.856 | 0.888 | 0.953 |
Test | 0.924 | 0.887 | 0.845 | 0.865 | 0.947 | |
Val | 0.834 | 0.825 | 0.818 | 0.821 | 0.909 |
Nomograms
The survival rate curves were calculated, and the statistical analysis of different phenotypes was performed for dataset. Nomograms are prediction models that estimate an individual’s survival by considering multiple clinical variables and their interdependence. Thus, nomograms can provide an overall probability of a specific outcome for an individual patient, offer a more accurate prediction than conventional staging or scoring systems, and, accordingly, improve personalized decision-making in sepsis therapy. The survival nomogram was established using R software by integrating age and other features.
Hardware environment
The proposed models were run in a hardware environment comprising Intel(R) Core (TM) i5-6200U CPU @2.40 GHz, with 8 GB memory. The workstation’s operating system was Windows 10. The integrated development environment and the deep learning symbolic library were PyCharm-Python 3.8 and PyTorch 1.6.0, respectively.
Results
Data description
In MIMIC-III, there were totally 2902 cases of sepsis, 531 sepsis patients were excluded due to the lack of some blood test results. The rest were divided randomly into a training set and a test set at a ratio of 7:3. One thousand six hundred and sixty-one cases were assigned into the training set and 710 into the test set. The 35 blood tests were used in K-means and CNN methods. Length of hospital stay was omitted. In MIMIC-IV, there were 12657 cases of sepsis. To balance the number of dead and surviving cases, more than 3000 cases with the 35 blood test results were extracted and served as validation data set for the two proposed prediction models.
Identification of the subgroup phenotype and high-risk patients
Survival prediction enable detect cases of high mortality probability. However, it is difficult to determine the features which lead to death with the survival prediction tools. Thus, the sepsis population was clustered using K-means clustering, and the obtained groups’ phenotype features were analyzed. The elbow and silhouette score methods (Fig. 2A, B) indicated the presence of four clusters, i.e., K = 4 was selected. Upon the K-means classification, a 3D PCA plot was generated (Fig. 2C). The data set was phenotyped by the K-means method into four clusters including C_1 with 211 cases in the training set and 90 in the test set, C_2 with 1215 and 520, C_3 with 46 and 19, and C_ 4 with 189 and 81.
Fig. 2.
Identification of the subgroup phenotype with k-means clustering. The K value was optimized by compromising between the elbow method (A) and the silhouette coefficient method (B); C. The 3D PCA plot visualizes the 4 clusters; D. Survival curves; E. SIC score; F. SOFA score. * P < 0.05, ****P < 0.0001 analyzed by log-rank test of Mantel or Gehan-Breslow Wilcoxon test with the higher P value presented
Among the four clusters, Cluster C_2 has the highest survival rate (Fig. 2D). In accordance, this cluster exhibited the lowest SIC and SOFA score (Fig. 2E ,F), further validating the prediction method. C_1 also has a high survival rate. Patients in this cluster are characterized by a low white blood cell count (Fig. 3A) and neutrophil proportion (Fig. 3B) but the highest lymphocyte proportion (Fig. 3C). C_4 is identified as septic patients with abnormal coagulation and had the worse prognosis, characterized by slightly prolonged PTT. C_3 is identified by significantly prolonged PTT (Fig. 3D), high SIC, and higher heparin-using proportion (Fig. 3E) among its patients than those from other clusters. The early mortality rate of patients in C_3 is high but with a better long-term survival rate than those in C_4. Other features of the 4 clusters were plotted in Additional file 1: Figure S1 and S2. The nomograms of each cluster are also established for reference (see Additional file 1: Figure S3).
Fig. 3.
Major features of the four clusters. A White blood cell counts (K/µL); B Neutrophil proportion (%); C Lymphocytes proportion (%); D PTT (sec.); E. Low-molecular Heparin usage proportion within patients from each cluster (%)
Table 2, 3 list the features for which the nonparametric tests found the most significant differences in training and test sets respectively. The top ten heterogeneous features shared in the training and test datasets are PTT, neutrophil percentage, PT, INR-PT, lymphocyte percentage, white blood cell count, platelet count, mean corpuscular hemoglobin concentration (MCHC), albumin, and red blood cell count. The survival nomograms were generated for all cases to clarify the relationship between features and death risk using the 35 features and survival information of all 2371 patients in MIMIC-III (Fig. 4).
Table 2.
The heterogeneous features for training set (1661 cases) according to blood tests
Features | Cluster one | Cluster two | Cluster three | Cluster four | P value |
---|---|---|---|---|---|
number of each cluster | 211 | 1215 | 46 | 189 | |
survival (%) | 165 (78.2%) | 1005 (82.7%) | 35 (76.1%) | 132 (69.8%) | 0.020 |
Age, median (IQR), year | 66 (54–76) | 66 (54–76.5) | 67.5 (55–80) | 66 (57–77) | 0.933 |
Male, no. (%) | 102 (48.3%) | 663 (54.6%) | 17 (37.0%) | 110 (58.2%) | 0.023 |
Top ten blood test varies, median (IQR), unit | |||||
PTT, sec | 30.6 (26.5–36.3) | 29.6 (26.2–34.3) | 150 (122.9–150) | 51.6 (43.5–60.6) | 0.000 |
Neutrophils, % | 51 (33–61.7) | 84 (77–89.9) | 81.8 (77.2–86) | 83 (76.4–89) | 0.000 |
PT, sec | 14.3 (13.1–16.4) | 14.2 (13.1–16.0) | 17.7 (15.3–23.8) | 30.2 (21.9–43.1) | 0.000 |
INR(PT), NULL % | 1.3 (1.1–1.5) | 1.3 (1.1–1.5) | 1.9 (1.5–3.2) | 3.4 (2.2–5.2) | 0.000 |
Lymphocytes, % | 26 (15.5–34.3) | 7 (4–11.3) | 7 (4.6–14.0) | 8 (4–13) | 0.000 |
White blood cells, K/μL | 6.1 (3.4–10.8) | 13.2 (8.9–8.1) | 10.7 (7.0–8.4) | 12.1(8.5–17.4) | 0.000 |
Platelet count, K/μL | 2.3 (2.0–2.5) | 2.4 (2.2–2.5) | 2.3 (2.2–2.4) | 2.3 (2.1–2.5) | 0.000 |
MCHC, % | 33.3 (32.3–34.3) | 33 (32–34.1) | 32.5 (32.2–34) | 32 (31–33.3) | 0.000 |
Albumin, % | 2.9 (2.5–3.3) | 2.9 (2.5–3.4) | 2.9 (2.5–3.4) | 2.9 (2.4–3.2) | 0.000 |
Red blood cells, K/μL | 3.5 (3.1–4.0) | 3.7 (3.3–4.2) | 3.7 (3.2–4.0) | 3.7 (3.1–4.0) | 0.000 |
Table 3.
The heterogeneous features for test data (710 cases) according to blood tests
Features | Cluster one | Cluster two | Cluster three | Cluster four | P value |
---|---|---|---|---|---|
Number of clusters | 90 | 520 | 19 | 81 | |
survival (%) | 68 (75.56%) | 416 (80%) | 13 (68.42%) | 57 (70.37%) | 0.152 |
Age, median (IQR), y | 64 (51.5–77.5) | 66 (54–77) | 60 (51.3–69.3) | 65 (54–74) | 0.364 |
Male, no. (%) | 55 (61.11%) | 296 (56.92%) | 12 (63.16%) | 49 (60.49%) | 0.797 |
Top ten blood test varies, median (IQR), unit | |||||
PTT, sec | 31.7 (27.7–36.5) | 30.1 (26.6–34.2) | 150 (119.0–150) | 50.5(43.6–57.7) | 0.000 |
Neutrophils, % | 52 (36.3–61.7) | 83 (77–88.7) | 81 (70.2–87.5) | 81 (76.9–88.6) | 0.000 |
PT, sec | 14.4 (13.3–17.1) | 14.3 (13.1–16.3) | 19.5 (15.4–23.1) | 28 (19.6–39) | 0.000 |
INR(PT), NULL % | 1.3 (1.2–1.7) | 1.3 (1.1–1.6) | 1.9 (1.6–2.7) | 3 (2–4.3) | 0.000 |
Lymphocytes, % | 27.1 (18.5–35.3) | 7.1 (4–11.9) | 9.7 (3.7–11) | 7.2 (3–12) | 0.000 |
White blood cells, K/μL | 4.7 (2.8–10.3) | 13.0 (8.4–18.4) | 9.6 (7.4–18.2) | 12.4 (8.2–19.2) | 0.000 |
Platelet count, K/μL | 2.2 (1.9–2.5) | 2.4 (2.2–2.5) | 2.4 (2.1–2.6) | 2.3 (2.2–2.5) | 0.000 |
MCHC, % | 33.4 (32.3–34.6) | 33 (32–34) | 32.7 (30.5–33.6) | 32.5 (31.2–33.6) | 0.000 |
Albumin, % | 2.9 (2.6–3.4) | 2.9 (2.6–3.4) | 2.9 (2.8–2.9) | 2.6 (2.3–3) | 0.000 |
Red blood cells, K/μL | 3.4 (3.0–4.0) | 3.7 (3.3–4.3) | 3.8 (3.4–4.0) | 3.5 (2.9–3.9) | 0.000 |
Fig. 4.
The nomograms predict 28-day survival using 35 clinical features. The nomograms were generated from all the 2371 sepsis cases from MIMIC-III. To use the nomograms, locate patient’s variable on the corresponding axis, draw a line to obtain the point’s axis, sum the points, and draw a line from the total point’s axis to the 28-day survival probability
Survival predictions with CNN based and DCQMFF model with external cohort validation
A multivariate approach to predict mortality outcomes of sepsis patients was utilized. The CNN based model was tested using all 35 blood tests, whereas the DCQMFF prediction model used only 11 blood tests. The obtained ROC curves for CNN (Fig. 5A) and DCQMFF (Fig. 5B) models on training, test, and validation sets are shown. The ROC curves for training, test, and validation sets are virtually smooth, suggesting that an overfit is unlikely, the predictive partition analysis verified that the blood tests are strong predictors of sepsis patients’ status. For the CNN model, the AUC scores for the training, test, and validation sets are 0.953, 0.947, and 0.909, respectively. All of the AUCs are close to 1, indicating that the proposed survival prediction model has a good performance in distinguishing the 28-day survivals of sepsis patients. Figure 5B shows the results for the DCQMFF prediction model. While not as good as CNN, DCQMFF performs well using 11 features, with the AUC values for the training, test, and validation sets equal to 0.896, 0.885, and 0.849, respectively. A demo analysis with DCQMFF-based application platform is shown in Fig. 5C.
Fig. 5.
Survival prediction with CNN based and DCQMFF model. ROC curve of the CNN based model (A), and DCQMFF model (B); C. a demo analysis with DCQMFF-based application platform; D. ROC curve of the SOFA score
The traditional survival prediction methods utilized the same 35 features, and the obtained AUC values for the test data are 0.533, 0.604, and 0.567 for Random Forest, Logistic Regression, and Lasso, respectively. The SOFA score is generally applied in the ICU to access multi-organ dysfunction or failure, which is calculated based on PaO2/FiO2, platelets count, bilirubin level, cardiovascular hypotension, Glasgow Coma Scale (GCS), and creatinine level. When the SOFA score exceeds 12, the mortality surpasses 50% [13]. As shown in Fig. 5D, the prediction SOFA score reached an AUC of 0.807, with the lower and upper bounds equal to 0.783 and 0.823, respectively.
Next, the survival prediction performance of the methods proposed by Chicco et al. [41] with age, sex, and septic episode number alone was compared using MIMIC-III as training and test data and MIMIC-IV as validation data. The AUC values for the test data are 0.586, 0.574, 0.562, 0.541, 0.586 and for the validation data 0.642, 0.574, 0.713, 0.689, 0.676 for radial SVM, Gradient boosting, Bayes, Linear regression, and Linear SVM methods, respectively. Although the proposed methods achieved good results regarding major indicators, the true negative rate (TNR) and AUC were low. This issue was likely caused by the class imbalance. Both the CNN and DCQMFF models exhibited outperformed these methods, with an accuracy of 83.37% and AUC of 0.908 for the CNN model and an accuracy of 77.5% and AUC of 0.849 for the DCQMFF on the validation data (Table 1).
Discussions
Due to the sepsis patients’ heterogeneity and the need to understand features leading to death, this work clustered the sepsis populations and studied the phenotypes. The sepsis patients were divided into four groups according to the Elbow and silhouette score methods analysis on the MIMIC-III datasets. Obtained groups differed in their survival rates, and the phenotypes leading to certain outcomes were analyzed.
Besides, each group was further characterized, and patients in C_4 were detected as those who had complicated septic coagulopathy and a significantly prolonged PT time. These findings indicate that sepsis patients with coagulation disorder are often faced with a poor outcome, which agrees with previous studies [70, 71]. However, patients grouped in C_3 had high early mortality, which can be related to extended prolongation of early PTT. In addition, the proportion of heparin sodium usage in this cluster was significantly higher than in other clusters. However, the long-term survival rate of C_3 patients was significantly better than that of C_4, suggesting anticoagulation effects of heparin sodium improved organ failure caused by extensive micro thrombosis [72, 73] and that abnormal coagulation resulting in micro thromboembolism can aggravate organ failure and increase mortality during sepsis.
The findings on heparin therapy in septic patients have generated many controversies in clinical literature. Several studies and meta-analyses support the administration of heparin as safe and has been associated with decreased mortality in sepstic patients [74–77]. However, Yamakawa et al. found that anticoagulant treatment is associated with reduced mortality only in subgroups of patients with sepsis-induced coagulopathy and/or those who were very severely ill [78]. Current research on therapeutic anticoagulation in patients with COVID-19 shows that prophylactically administered therapeutically dosed heparin does not improve the critically ill patients’ outcome or mortality rate. In fact, the studies found it could be harmful [79]. In contrast, in patients with moderate COVID-19, therapeutic anticoagulation may reduce the need for organ support [79]. Another randomized clinical trial found prophylactically administered therapeutic-dose anticoagulation reduced death compared with institutional standard thromboprophylaxis only among patients with COVID-19 with extremely elevated D-dimer levels [80].
The results obtained herein suggest that heparin therapy improves prognosis in patients with abnormal coagulation, but prolonged PTT due to excessive anticoagulation and bleeding complications should be avoided. These results may guide futures studies looking at which patients may benefit from therapeutic anticoagulation. One of the main concerns is the potential risk of major hemorrhage. Besides bleeding, the main adverse effect of heparin is heparin-induced thrombocytopenia (HIT). Furthermore, as most septic patients had hypoperfusion, the subcutaneous route is less suitable due to poor absorption. This might have attenuated the efficacy of heparin because of poor bioavailability.
A 7-layer CNN and a DCQMFF model were presented for the survival prediction of sepsis patients based on indicators obtained from routine blood tests. The ReLU function applied in the CNN model mitigates the gradient vanishing problem when optimizing the deep neural network. A set of methods has been generated as baseline survival prediction tools. The SOFA score has been widely validated across healthcare settings and environments. Compared with other promising ML algorithms including random forest, logistic regression, and LASSO methods, the proposed models show better performance in terms of accuracy, precision (random forest as an exception), recall and AUC for the test datasets. Especially, both the DCQMFF and CNN based models performed well in the verification set from MIMIC-IV (Table 3).
The DCQMFF model was proposed to incorporate the relationship between 11 features of sepsis patients into the prediction system and predict the patients’ 28-day survival rate. These 11 features were closely related to the patients’ survival state. DCQMFF enables obtaining the patients’ survival probability using a comprehensive weighted value of 11 features. An application platform based on DCQMFF was established to quickly predict the 28-day survival rate. Combining the prediction results with clinical experience, physicians can stratify septic patients into risk categories, which can guide management and discussions surrounding prognosis.
SOFA score is a mortality prediction tool based on six organ systems and has been widely validated as a tool for assessment of the acute morbidity across healthcare settings and environments. However, SOFA score is not a specific tool for predicting prognosis of sepsis [29]. CNN model is capable to learn the internal laws and representation levels of sample data automatically, and it is purposed of learning the mapping relationship between sample data and corresponding class labels of the data. By using CNN model, the survival rate prediction accuracy reached 92% in the current work. To establish an APP, we chose 11 features reflecting the patient's physical characteristics to feed DCQMFF model. DCQMFF is an improved quadratic fitting function. To further solve the nonlinear problems, we applied a double coefficient quadratic multivariate fitting function.
Previous studies have shown that traditional machine learning methods have high requirements for input features. For high noise data, over-fitting phenomenon is prone to occur in random forest model. For nonlinear data, the logistic regression model shows worse experimental performance. To solve nonlinear problems, SVM model needs to choose kernel function carefully. For high-dimensional sparse feature data, Gradient boosting model is unsuitable. And if the input features are dependent and relevant, Bayesian model will barely be a good choice. To sum up, traditional ML methods have strict requirements for the input data, which requires a manual and careful selection of input features. Therefore, CNN and DCQMFF perform better than traditional ML.
To provide additional insight into the effectiveness of CNN and DCQMFF within each phenotype (generated by K-means clustering), we applied the two classifiers on each cluster (phenotype) individually. The results were shown in Additional file 1: Table S2. Due to the data imbalance, especially in C_3, only 65 cases (46 in training set and 19 in test set) assigned, under-fitting or over-fitting occurred in the performance. As we know deep learning works poor with small-sized data set, larger prediction error would be expected with respect to the small amount of data in this case. For example, in both the test and verification set of C_3, the performance of both CNN and DCQMFF was not satisfactory.
Using the proposed deep-learning methods, the death risk of sepsis patients can be accurately predicted using routine blood tests. The DCQMFF model can help optimize medical resources and eliminate the need to conduct additional tests, thereby reducing the associated risks. The model can be implemented in medical institutions of different levels. However, although the considered models are promising, they are limited by their retrospective nature. Prospective cohort studies are needed to validate their effectiveness further.
Conclusion
The K-means clustering model successfully identified the distinct sepsis phenotypes associated with survival, and significant features correlated with mortality were identified. The findings suggest that sepsis patients with abnormal coagulation had poor outcomes. The anticoagulation effects of appropriate heparin sodium treatment may improve organ failure caused by extensive micro thrombosis. The proposed CNN and DCQMFF models performed well in predicting the survival rate of sepsis patients. Furthermore, the DCQMFF-based application platform is generated to fast and accurately predict the 28-day survival rate using only 11 blood test variables from patients. In the future, prospective cohort studies will be conducted to validate the proposed models’ effectiveness further.
Supplementary Information
Table S1. The features of 2371 cases according to blood analysis. Table S2. The performance of CNN and DCQMFF in different phenotypes. Figure S1. Other features of each cluster. A Alanine Aminotransferase (ALT, IU/L), B. Albumin (g/dL), C. Alkaline Phosphatase (log (IU/L)), D. Anion Gap (mEq/L), E. Aspirate Aminotransferase (log (IU/L)), F. Basophils (%), G. Bicarbonate (mEq/L), H. Bilirubin (IU/L), I. Calcium (mg/dL), J. Chloride (mEq/L), K. Creatinine (mg/dL), L. Eosinophils (%), M. Glucose (mg/dL), N. Hematocrit (%), O. Hemoglobin (g/dL). Figure S2 Other futures of each cluster. A. INR(PT), B. Lactate (mmol/L), C. Magnesium (mg/dL), D. MCH (pg), E. MCHC (%), F. MCV (fL), G. Monocytes (%), H. pH (units), I. Phosphate (mg/dL), J. Platelet Count (log (K/uL)), K. Potassium (mEq/L), L. PT (sec), M. RDW (%), N. Red Blood Cells (m/uL), O. Sodium (mEq/L), P. Urea Nitrogen (log (mg/dL)). Figure S3 Survival nomograms and its’ calibration curve of each cluster. Survival nomogram and prediction carve for C_1 (A1 and A2:), C_2 (B1 and B2), C_3 (C1 and C2), C_4 (D1 and D2), respectively. In the calibration plot, Nomogram-predicted 28-day survival rates are on the x-axis, actual survival rates are plotted on the y-axis. The gray line represents the ideal fit where the nomogram-predicted probability matches the actual probability.
Acknowledgements
We sincerely thank Julie Ng, MD. of Brigham and Women’s Hospital and Harvard Medical School for English revision and the AIM Workshop for technical support.
Abbreviations
- MIMIC
Medical information mart for intensive care
- CNN
Convolutional neural network
- DCQMFF
Double coefficient quadratic multivariate fitting function
- C_1
First cluster
- C_2
Two cluster
- C_3
Three cluster
- C_4
Four cluster
- SOFA
Sequential organ failure assessment
- qSOFA
Quick sequential organ failure assessment
- PTT
Partial thromboplastin time
- PT
Prothrombin time
- SIC
Septic coagulation disease score
- APACHE II
Acute physiology and chronic health evaluation II
- SIRS
Systemic inflammatory response syndrome
- ML
Machine learning
- SVM
Support vector machine
- ICU
Intensive care unit
- T-test
Student’s t test
- F-Test
Joint hypotheses test
- ANOVA
One-way analysis of variance
- ReLU
Rectified linear unit
- INR-PT
International standardized ratio of prothrombin time
- pH
Hydrogen ion concentration
- ROC
Receiver operating characteristic curve
- TPR
True positive rate
- FPR
False positive rate
- AUC
The area under the ROC curve
- PCA
Principal component analysis
- GCS
Glasgow coma scale
- PaO2
Alveolar oxygen partial pressure
- FiO2
Fraction of inspiration O2
- LASSO
Least absolute shrinkage and selection operator
- HIT
Heparin-induced thrombocytopenia
Author contributions
All the authors of the manuscript have read and agreed with the presented findings and gave their consent for submission and publication. FG, JHW, FZ developed the study design. XSZ, ZHW, and LZ collected the dataset and conducted statistical analysis; FG, XSZ, ZHW, and FZ prepared the manuscript. All authors read and approved the final manuscript.
Funding
This work was supported by the National Natural Science Foundation of China, 81772083 (GF).
Availability of data and materials
The datasets presented in this study can be found in MIMIC-III (https://doi.org/10.13026/C2XW26) and MIMIC-IV (https://doi.org/10.13026/a3wn-hq05) datasets.
Declarations
Ethics approval and consent to participate
The establishment of MIMIC-III and MIMIC-IV was approved by the Massachusetts Institute of Technology (Cambridge, MA) and Beth Israel Deaconess Medical Center, and constant was obtained when the original data were collected. Therefore, the needs for the ethical approval statement and informed consent were waived for the current manuscript.
Consent for publication
Not applicable.
Competing interests
The authors declare that they have no competing interests.
Footnotes
Publisher's Note
Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Fei Guo and Xishun Zhu are contribute to the work equally and are regarded as co-first authors
Contributor Information
Jianhua Wu, Email: jhwu@ncu.edu.cn.
Fan Zhang, Email: zhfansdu@163.com.
References
- 1.Rudd KE, Johnson SC, Agesa KM, Shackelford KA, Tsoi D, Kievlan DR, et al. Global, regional, and national sepsis incidence and mortality, 1990–2017: analysis for the global burden of disease study. Lancet. 2020;395:200–211. doi: 10.1016/S0140-6736(19)32989-7. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 2.Slade E, Tamber PS, Vincent JL. The surviving sepsis campaign: raising awareness to reduce mortality. Crit Care. 2003;7(1):1–2. doi: 10.1186/cc1876. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 3.Liu V, Escobar GJ, Greene JD, Soule J, Whippy A, Angus DC, et al. Hospital deaths in patients with sepsis from 2 independent cohorts. JAMA. 2014;312:90–92. doi: 10.1001/jama.2014.5804. [DOI] [PubMed] [Google Scholar]
- 4.Fleischmann C, Scherag A, Adhikari NK, Hartog CS, Tsaganos T, Schlattmann P, et al. Assessment global incidence and mortality of hospital-treated sepsis. current estimates and limitations. Am J Respir Crit Care Med. 2016;193:259–272. doi: 10.1164/rccm.201504-0781OC. [DOI] [PubMed] [Google Scholar]
- 5.Vincent JL, Jones G, David S, Olariu E, Cadwell KK. Frequency and mortality of septic shock in Europe and North America: a systematic review and meta-analysis. Crit Care. 2019;23:196. doi: 10.1186/s13054-019-2478-6. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 6.Cecconi M, Evans L, Levy M, Rhodes A. Sepsis and septic shock. Lancet. 2018;392:75–87. doi: 10.1016/S0140-6736(18)30696-2. [DOI] [PubMed] [Google Scholar]
- 7.Adrie C, Alberti C, Chaix-Couturier C, Azoulay E, De Lassence A, Cohen Y, et al. Epidemiology and economic evaluation of severe sepsis in France: age, severity, infection site, and place of acquisition (community, hospital, or intensive care unit) as determinants of workload and cost. J Crit Care. 2005;20:46–58. doi: 10.1016/j.jcrc.2004.10.005. [DOI] [PubMed] [Google Scholar]
- 8.Leisman DE, Angel C, Schneider SM, D'Amore JA, D’Angelo JK, Doerfler ME. Sepsis presenting in hospitals versus emergency departments: demographic, resuscitation, and outcome patterns in a multicenter retrospective cohort. J Hosp Med. 2019;14:340–348. doi: 10.12788/jhm.3188. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 9.Levy MM, Dellinger RP, Townsend SR, Linde-Zwirble WT, Marshall JC, Bion J, et al. The surviving sepsis campaign: results of an international guideline-based performance improvement program targeting severe sepsis. Crit Care Med. 2010;38:367–374. doi: 10.1097/CCM.0b013e3181cb0cdc. [DOI] [PubMed] [Google Scholar]
- 10.Milano PK, Desai SA, Eiting EA, Hofmann EF, Lam CN, Menchine M. Sepsis bundle adherence is associated with improved survival in severe sepsis or septic shock. West J Emerg Med. 2018;19:774–781. doi: 10.5811/westjem.2018.7.37651. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 11.Seymour CW, Gesten F, Prescott HC, Friedrich ME, Iwashyna TJ, Phillips GS, et al. Time to treatment and mortality during mandated emergency care for sepsis. N Engl J Med. 2017;376:2235–2244. doi: 10.1056/NEJMoa1703058. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 12.Knaus WA, Draper EA, Wagner DP, Zimmerman JE. APACHE II: a severity of disease classification system. Crit Care Med. 1985;13:818–829. doi: 10.1097/00003246-198510000-00009. [DOI] [PubMed] [Google Scholar]
- 13.Raith EP, Udy AA, Bailey M, McGloughlin S, MacIsaac C, Bellomo R, et al. Prognostic accuracy of the SOFA Score, SIRS criteria, and qSOFA score for in-hospital mortality among adults with suspected infection admitted to the intensive care unit. JAMA. 2017;317:290–300. doi: 10.1001/jama.2016.20328. [DOI] [PubMed] [Google Scholar]
- 14.Goulden R, Hoyle MC, Monis J, Railton D, Riley V, Martin P, et al. qSOFA, SIRS and NEWS for predicting inhospital mortality and ICU admission in emergency admissions treated as sepsis. Emerg Med J. 2018;35:345–349. doi: 10.1136/emermed-2017-207120. [DOI] [PubMed] [Google Scholar]
- 15.Anand V, Zhang Z, Kadri SS, Klompas M, Rhee C. Epidemiology of quick sequential organ failure assessment criteria in undifferentiated patients and association with suspected infection and sepsis. Chest. 2019;156:289–297. doi: 10.1016/j.chest.2019.03.032. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 16.Fang WF, Huang CH, Chen YM, Hung KY, Chang YC, Lin CY, et al. Application of dynamic pulse pressure and vasopressor tools for predicting outcomes in patients with sepsis in intensive care units. J Crit Care. 2019;52:156–162. doi: 10.1016/j.jcrc.2019.05.003. [DOI] [PubMed] [Google Scholar]
- 17.Li W, Wang M, Zhu B, Zhu Y, Xi X. Prediction of median survival time in sepsis patients by the SOFA score combined with different predictors. Burns Trauma. 2020;8(1):475–484. doi: 10.1093/burnst/tkz006. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 18.McLymont N, Glover GW. Scoring systems for the characterization of sepsis and associated outcomes. Ann Transl Med. 2016;4(24):527. doi: 10.21037/atm.2016.12.53. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 19.Gultepe E, Green JP, Nguyen H, Adams J, Albertson T, Tagkopoulos I. From vital signs to clinical outcomes for patients with sepsis: a machine learning basis for a clinical decision support system. J Am Med Inform Assoc. 2014;21:315–325. doi: 10.1136/amiajnl-2013-001815. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 20.Vellido A, Ribas V, Morales C, Ruiz Sanmartin A, Ruiz Rodriguez JC. Machine learning in critical care: state-of-the-art and a sepsis case study. Biomed Eng Online. 2018;17:135. doi: 10.1186/s12938-018-0569-2. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 21.Horng S, Sontag DA, Halpern Y, Jernite Y, Shapiro NI, Nathanson LA. Creating an automated trigger for sepsis clinical decision support at emergency department triage using machine learning. PLoS ONE. 2017;12:e0174708. doi: 10.1371/journal.pone.0174708. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 22.Delahanty RJ, Alvarez J, Flynn LM, Sherwin RL, Jones SS. Development and evaluation of a machine learning model for the early identification of patients at risk for sepsis. Ann Emerg Med. 2019;73:334–344. doi: 10.1016/j.annemergmed.2018.11.036. [DOI] [PubMed] [Google Scholar]
- 23.Fleuren LM, Klausch TLT, Zwager CL, Schoonmade LJ, Guo T, Roggeveen LF, et al. Machine learning for the prediction of sepsis: a systematic review and meta-analysis of diagnostic test accuracy. Intensive Care Med. 2020;46:383–400. doi: 10.1007/s00134-019-05872-y. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 24.Bunn C, Kulshrestha S, Boyda J, Balasubramanian N, Birch S, Karabayir I, et al. Application of machine learning to the prediction of postoperative sepsis after appendectomy. Surgery. 2021;169:671–677. doi: 10.1016/j.surg.2020.07.045. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 25.Wang SL, Wu F, Wang BH. Prediction of severe sepsis using SVM model. Adv Exp Med Biol. 2010;680:75–81. doi: 10.1007/978-1-4419-5913-3_9. [DOI] [PubMed] [Google Scholar]
- 26.Mani S, Ozdas A, Aliferis C, Varol HA, Chen Q, Carnevale R, et al. Medical decision support using machine learning for early detection of late-onset neonatal sepsis. J Am Med Inform Assoc. 2014;21:326–336. doi: 10.1136/amiajnl-2013-001854. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 27.Taylor RA, Pare JR, Venkatesh AK, Mowafi H, Melnick ER, Fleischman W, et al. Prediction of in-hospital mortality in emergency department patients with sepsis: a local big data-driven. Mach Learn Approach Acad Emerg Med. 2016;23:269–278. doi: 10.1111/acem.12876. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 28.McCoy A, Das R. Reducing patient mortality, length of stay and readmissions through machine learning-based sepsis prediction in the emergency department, intensive care unit and hospital floor units. BMJ Open Qual. 2017;6:e000158. doi: 10.1136/bmjoq-2017-000158. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 29.Islam MM, Nasrin T, Walther BA, Wu CC, Yang HC, Li YC. Prediction of sepsis patients using machine learning approach: a meta-analysis. Comput Methods Programs Biomed. 2019;170:1–9. doi: 10.1016/j.cmpb.2018.12.027. [DOI] [PubMed] [Google Scholar]
- 30.Giannini HM, Ginestra JC, Chivers C, Draugelis M, Hanish A, Schweickert WD, et al. A machine learning algorithm to predict severe sepsis and septic shock: development, implementation, and impact on clinical practice. Crit Care Med. 2019;47:1485–1492. doi: 10.1097/CCM.0000000000003891. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 31.Le S, Hoffman J, Barton C, Fitzgerald JC, Allen A, Pellegrini E, et al. Pediatric severe sepsis prediction using machine learning. Front Pediatr. 2019;7:413. doi: 10.3389/fped.2019.00413. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 32.Bloch E, Rotem T, Cohen J, Singer P, Aperstein Y. Machine learning models for analysis of vital signs dynamics: a case for sepsis onset prediction. J Healthc Eng. 2019;2019:5930379. doi: 10.1155/2019/5930379. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 33.Shimabukuro DW, Barton CW, Feldman MD, Mataraso SJ, Das R. Effect of a machine learning-based severe sepsis prediction algorithm on patient survival and hospital length of stay: a randomised clinical trial. BMJ Open Respir Res. 2017;4:e000234. doi: 10.1136/bmjresp-2017-000234. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 34.Desautels T, Calvert J, Hoffman J, Jay M, Kerem Y, Shieh L, et al. Prediction of sepsis in the intensive care unit with minimal electronic health record data: a machine learning approach. JMIR Med Inform. 2016;4:e28. doi: 10.2196/medinform.5909. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 35.Moor M, Rieck B, Horn M, Jutzeler CR, Borgwardt K. Early prediction of sepsis in the ICU using machine learning: a systematic review. Front Med (Lausanne) 2021;8:607952. doi: 10.3389/fmed.2021.607952. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 36.Ibrahim ZM, Wu H, Hamoud A, Stappen L, Dobson RJB, Agarossi A. On classifying sepsis heterogeneity in the ICU: insight using machine learning. J Am Med Inform Assoc. 2020;27:437–443. doi: 10.1093/jamia/ocz211. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 37.Khoshnevisan F, Ivy J, Capan M, Arnold R, Huddleston J, Chi M. Recent temporal pattern mining for septic shock early prediction. In 2018 IEEE international conference on healthcare informatics (ICHI); 2018;229–40.
- 38.Guilamet MCV, Bernauer M, Micek ST, Kollef MH. Cluster analysis to define distinct clinical phenotypes among septic patients with bloodstream infections. Medicine. 2019;98:e15276. doi: 10.1097/MD.0000000000015276. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 39.Seymour CW, Kennedy JN, Wang S, Chang CH, Elliott CF, Xu Z, et al. Derivation, validation, and potential treatment implications of novel clinical phenotypes for sepsis. JAMA. 2019;321:2003–2017. doi: 10.1001/jama.2019.5791. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 40.Zhang Z, Zhang G, Goyal H, Mo L, Hong Y. Identification of subclasses of sepsis that showed different clinical outcomes and responses to amount of fluid resuscitation: a latent profile analysis. Crit Care. 2018;22:347. doi: 10.1186/s13054-018-2279-3. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 41.Chicco D, Jurman G. Survival prediction of patients with sepsis from age, sex, and septic episode number alone. Sci Rep. 2020;10:17156. doi: 10.1038/s41598-020-73558-3. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 42.Liu VX, Walkey AJ. Machine learning and sepsis: on the road to revolution. Crit Care Med. 2017;45:1946–1947. doi: 10.1097/CCM.0000000000002673. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 43.Churpek MM, Yuen TC, Winslow C, Robicsek AA, Meltzer DO, Gibbons RD, et al. Multicenter development and validation of a risk stratification tool for ward patients. Am J Respir Crit Care Med. 2014;190:649–655. doi: 10.1164/rccm.201406-1022OC. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 44.Churpek MM, Snyder A, Sokol S, Pettit NN, Edelson DP. investigating the impact of different suspicion of infection criteria on the accuracy of quick sepsis-related organ failure assessment, systemic inflammatory response syndrome, and early warning scores. Crit Care Med. 2017;45:1805–1812. doi: 10.1097/CCM.0000000000002648. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 45.Kam HJ, Kim HY. Learning representations for the early detection of sepsis with deep neural networks. Comput Biol Med. 2017;89:248–255. doi: 10.1016/j.compbiomed.2017.08.015. [DOI] [PubMed] [Google Scholar]
- 46.Scherpf M, Grasser F, Malberg H, Zaunseder S. Predicting sepsis with a recurrent neural network using the MIMIC III database. Comput Biol Med. 2019;113:103395. doi: 10.1016/j.compbiomed.2019.103395. [DOI] [PubMed] [Google Scholar]
- 47.Van Steenkiste T, Ruyssinck J, De Baets L, Decruyenaere J, De Turck F, Ongenae F, et al. Accurate prediction of blood culture outcome in the intensive care unit using long short-term memory neural networks. Artif Intell Med. 2019;97:38–43. doi: 10.1016/j.artmed.2018.10.008. [DOI] [PubMed] [Google Scholar]
- 48.Asuroglu T, Ogul H. A deep learning approach for sepsis monitoring via severity score estimation. Comput Methods Programs Biomed. 2021;198:105816. doi: 10.1016/j.cmpb.2020.105816. [DOI] [PubMed] [Google Scholar]
- 49.Seymour CW, Kennedy JN, Wang S, Chang CCH, Elliott CF, Xu ZY, et al. Derivation, validation, and potential treatment implications of novel clinical phenotypes for sepsis. Jama-J Am Med Assoc. 2019;321:2003–2017. doi: 10.1001/jama.2019.5791. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 50.Syakur MA, Khotimah BK, Rochman EMS, Satoto BD. Integration K-means clustering method and elbow method for identification of the best customer profile cluster. IOP Conf Ser: Mater Sci Eng. 2018;336:012017. doi: 10.1088/1757-899X/336/1/012017. [DOI] [Google Scholar]
- 51.Liu F, Deng Y. Determine the number of unknown targets in open world based on elbow method. IEEE Trans Fuzzy Syst. 2021;29:986–995. doi: 10.1109/TFUZZ.2020.2966182. [DOI] [Google Scholar]
- 52.Borzooei S, Miranda GHB, Abolfathi S, Scibilia G, Meucci L, Zanetti MC. Application of unsupervised learning and process simulation for energy optimization of a WWTP under various weather conditions. Water Sci Technol. 2020;81:1541–1551. doi: 10.2166/wst.2020.220. [DOI] [PubMed] [Google Scholar]
- 53.Kasprikova N. Performance of simple heuristic algorithms for the clustering of countries with respect to food supply. Mathematical Methods in Economics 2013, Pts I and Ii. 2013 368–372.
- 54.LeCun Y, Bengio Y, Hinton G. Deep learning. Nature. 2015;521:436–444. doi: 10.1038/nature14539. [DOI] [PubMed] [Google Scholar]
- 55.Zhang QR, Zhang M, Chen TH, Sun ZF, Ma YZ, Yu B. Recent advances in convolutional neural network acceleration. Neurocomputing. 2019;323:37–51. doi: 10.1016/j.neucom.2018.09.038. [DOI] [Google Scholar]
- 56.Benchimol EI, Smeeth L, Guttmann A, Harron K, Moher D, Petersen I, et al. The reporting of studies conducted using observational routinely-collected health data (RECORD) statement. PLoS Med. 2015;12:e1001885. doi: 10.1371/journal.pmed.1001885. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 57.Lloyd SP. Least squares quantization in PCM. IEEE Trans Inform Theory. 1982;28:129–137. doi: 10.1109/TIT.1982.1056489. [DOI] [Google Scholar]
- 58.Liu F, Deng Y. Determine the number of unknown targets in open world based on elbow method. IEEE Trans Fuzzy Syst. 2021;29(5):986–995. doi: 10.1109/TFUZZ.2020.2966182. [DOI] [Google Scholar]
- 59.Kasprikova, N. Performance of simple heuristic algorithms for the clustering of countries with respect to food supply. Mathematical Methods in Economics 2013, PTS I and II. 2013; 368-372.
- 60.Hinton GE, Salakhutdinov RR. Reducing the dimensionality of data with neural networks. Science. 2006;313:504–507. doi: 10.1126/science.1127647. [DOI] [PubMed] [Google Scholar]
- 61.Zhang Q, Zhang M, Chen T, Sun Z, Ma Y, Yu BJN. Recent advances in convolutional neural network acceleration. Neurocomputing. 2018 doi: 10.1016/j.neucom.2018.09.038. [DOI] [Google Scholar]
- 62.Wang Z, Wang X, Wang GJCS. Learning fine-grained features via a CNN tree for large-scale classification. Comput Sci. 2015;275:1231–40. [Google Scholar]
- 63.Nair V, Hinton GE: Rectified linear units improve restricted boltzmann machines. In proceedings of the 27th international conference on international conference on machine learning. pp. 807–814. Haifa, Israel; 2010:807–814.
- 64.Bf L. Fitting conic sections to scattered data. Comput Gr Imag Process. 1979;9:56–71. doi: 10.1016/0146-664X(79)90082-0. [DOI] [Google Scholar]
- 65.Ying Y, Xin-Tian Z. Multifractal description of stock price index fluctuation using a quadratic function fitting. Phys a-Stat Mech Appl. 2008;387:511–518. doi: 10.1016/j.physa.2007.09.015. [DOI] [Google Scholar]
- 66.Liu B, Liu B, Yan H, Wang L. A multivariate nonlinear function fitting and modified method for calculating the temperature of PV modules. Pow Sys Prot Control. 2013;41:44–49. [Google Scholar]
- 67.Han J, Han J, Wu S, Tian R, Li J, Yang K. The particle swarm optimization research and application based on multivariate linear fitting method. Comput Tech Geophysical Geochem Explor. 2016;38:212–218. [Google Scholar]
- 68.Sinha A, Ayush K, Song J, Uzkent B, Jin H, Ermon S. Negative data augmentation. ArXiv. 2021 doi: 10.48550/arXiv.2102.05113. [DOI] [Google Scholar]
- 69.Peng Z, Su WJI. 2012 Statistical inference on recall precision and average precision under random selection.
- 70.Bone RC. Sepsis and coagulation. An important link Chest. 1992;101:594–596. doi: 10.1378/chest.101.3.594. [DOI] [PubMed] [Google Scholar]
- 71.Levi M, van der Poll T. Coagulation and sepsis. Thromb Res. 2017;149:38–44. doi: 10.1016/j.thromres.2016.11.007. [DOI] [PubMed] [Google Scholar]
- 72.Asakura H, Ogawa H. COVID-19-associated coagulopathy and disseminated intravascular coagulation. Int J Hematol. 2021;113:45–57. doi: 10.1007/s12185-020-03029-y. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 73.Wang Z, Gao X, Miao H, Ma X, Ding R. Understanding COVID-19-associated coagulopathy: from PIC to SIC or DIC. J Intensive Med. 2021;1:35–41. doi: 10.1016/j.jointm.2021.03.002. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 74.Zarychanski R, Doucette S, Fergusson D, Roberts D, Houston DS, Sharma S, et al. Early intravenous unfractionated heparin and mortality in septic shock. Crit Care Med. 2008;36:2973–2979. doi: 10.1097/CCM.0b013e31818b8c6b. [DOI] [PubMed] [Google Scholar]
- 75.Polderman KH, Girbes AR. Drug intervention trials in sepsis: divergent results. Lancet. 2004;363:1721–1723. doi: 10.1016/S0140-6736(04)16259-4. [DOI] [PubMed] [Google Scholar]
- 76.Wang C, Chi C, Guo L, Wang X, Guo L, Sun J, et al. Heparin therapy reduces 28-day mortality in adult severe sepsis patients: a systematic review and meta-analysis. Crit Care. 2014;18:563. doi: 10.1186/s13054-014-0563-4. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 77.Zarychanski R, Abou-Setta AM, Kanji S, Turgeon AF, Kumar A, Houston DS, et al. The efficacy and safety of heparin in patients with sepsis: a systematic review and metaanalysis. Crit Care Med. 2015;43:511–518. doi: 10.1097/CCM.0000000000000763. [DOI] [PubMed] [Google Scholar]
- 78.Yamakawa K, Umemura Y, Hayakawa M, Kudo D, Sanui M, Takahashi H, et al. Benefit profile of anticoagulant therapy in sepsis: a nationwide multicentre registry in Japan. Crit Care. 2016;20:229. doi: 10.1186/s13054-016-1415-1. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 79.Goligher EC, Bradbury CA, Mcverry BJ, Lawler PR, Zarychanski R. Therapeutic anticoagulation in critically Ill patients with Covid-19-preliminary report. 2021.
- 80.Spyropoulos AC, Goldin M, Giannis D, Diab W, Wang J, Khanijo S, et al. Efficacy and safety of therapeutic-dose heparin vs standard prophylactic or intermediate-dose heparins for thromboprophylaxis in high-risk hospitalized patients with COVID-19: the HEP-COVID randomized clinical trial. JAMA Intern Med. 2021 doi: 10.1001/jamainternmed.2021.6203. [DOI] [PMC free article] [PubMed] [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Supplementary Materials
Table S1. The features of 2371 cases according to blood analysis. Table S2. The performance of CNN and DCQMFF in different phenotypes. Figure S1. Other features of each cluster. A Alanine Aminotransferase (ALT, IU/L), B. Albumin (g/dL), C. Alkaline Phosphatase (log (IU/L)), D. Anion Gap (mEq/L), E. Aspirate Aminotransferase (log (IU/L)), F. Basophils (%), G. Bicarbonate (mEq/L), H. Bilirubin (IU/L), I. Calcium (mg/dL), J. Chloride (mEq/L), K. Creatinine (mg/dL), L. Eosinophils (%), M. Glucose (mg/dL), N. Hematocrit (%), O. Hemoglobin (g/dL). Figure S2 Other futures of each cluster. A. INR(PT), B. Lactate (mmol/L), C. Magnesium (mg/dL), D. MCH (pg), E. MCHC (%), F. MCV (fL), G. Monocytes (%), H. pH (units), I. Phosphate (mg/dL), J. Platelet Count (log (K/uL)), K. Potassium (mEq/L), L. PT (sec), M. RDW (%), N. Red Blood Cells (m/uL), O. Sodium (mEq/L), P. Urea Nitrogen (log (mg/dL)). Figure S3 Survival nomograms and its’ calibration curve of each cluster. Survival nomogram and prediction carve for C_1 (A1 and A2:), C_2 (B1 and B2), C_3 (C1 and C2), C_4 (D1 and D2), respectively. In the calibration plot, Nomogram-predicted 28-day survival rates are on the x-axis, actual survival rates are plotted on the y-axis. The gray line represents the ideal fit where the nomogram-predicted probability matches the actual probability.
Data Availability Statement
The datasets presented in this study can be found in MIMIC-III (https://doi.org/10.13026/C2XW26) and MIMIC-IV (https://doi.org/10.13026/a3wn-hq05) datasets.