Skip to main content

Network analytics and machine learning for predicting length of stay in elderly patients with chronic diseases at point of admission

Abstract

Background

An aging population with a burden of chronic diseases puts increasing pressure on health care systems. Early prediction of the hospital length of stay (LOS) can be useful in optimizing the allocation of medical resources, and improving healthcare quality. However, the data available at the point of admission (PoA) are limited, making it difficult to forecast the LOS accurately.

Methods

In this study, we proposed a novel approach combining network analytics and machine learning to predict the LOS in elderly patients with chronic diseases at the PoA. Two networks, including multimorbidity network (MN) and patient similarity network (PSN), were constructed and novel network features were created. Five machine learning models (eXtreme Gradient Boosting, Gradient Boosting Decision Tree, Random Forest, Linear Support Vector Machine, and Deep Neural Network) with different input feature sets were developed to compare their performance.

Results

The experimental results indicated that the network features can bring significant improvements to the performances of the prediction models, suggesting that the MN and PSN are useful for LOS predictions.

Conclusion

Our predictive framework which integrates network science with data mining can forecast the LOS effectively at the PoA and provide decision support for hospital managers, which highlights the potential value of network-based machine learning in healthcare field.

Peer Review reports

Background

With a rapidly aging population, the incidence of chronic diseases has increased dramatically, which imposes serious social and economic burdens on countries around the world [1, 2]. It has been estimated that over 75% of the elderly have more than one chronic condition [3]. Multimorbidity in old age (i.e., the co-existence of two or more chronic diseases in one individual) has become a prominent problem worldwide, resulting in greater medical demands, greater healthcare utilization, and higher cost [4, 5]. Early prediction of length of stay (LOS) for patients with chronic diseases, especially the elderly with multimorbidity, can help hospital managers to allocate limited resources, control patient costs effectively, and improve the quality of medical services [6, 7]. Early prediction has therefore received increasing attention from researcher.

Machine learning has been widely applied to forecast the LOS due to its outstanding nonlinear fitting ability and superior predictive ability. Xie et al. [8] developed a bagged regression trees model to predict the LOS using insurance claim data and found that the medical data (e.g., diagnosis codes) contributed more to the LOS predictions than demographic data. Daghistani et al. [9] adopted Random Forest (RF), Artificial Neural Networks (ANNs), Support Vector Machine (SVM), and Bayesian Network (BN) to forecast the LOS for cardiac patients. Their results indicated that the RF has the best performance and good interpretability. To date, despite the use of a growing number of machine learning models to forecast LOS, most studies have focused on patients with specific diseases, such as heart failure [10], cardiovascular disease [11], and strokes [12], which limit their practicability and scope of application.

Moreover, relatively few studies have predicted LOS at the point of admission (PoA), which is more meaningful than later clinical stages, because it can provide an essential component for service and resource planning in patient and family counseling [13]. The prediction of LOS at the PoA is a challenging task due to the limited data available at such an early stage of treatment. Typically, at the PoA, the inpatient ward has limited data such as the primary patient information, hospital characteristics, and diagnostic data (i.e., principal diagnosis and comorbid conditions). Due to the value of diagnostic data for forecasting LOS at the PoA, prior studies have attempted to use features extracted from the Charlson Comorbidity Index (CCI) and Elixhauser Comorbidity Index (ECI) to predict LOS [14, 15]. However, CCI and ECI only cover a limited number of diseases, which did not take full advantage of all the diagnostic information available, resulting in limited powers of LOS prediction. Furthermore, some studies have tended to ignore the historical hospitalization data on patients, which is a significant factor in predictive models [6, 16, 17]. Extracting features from patients’ historical records may improve the performance of LOS prediction models [18, 19].

So far, growing evidence shows that comorbid conditions have a significant impact on the LOS [10, 20, 21]. However, how to reasonably transform comorbid conditions into features is still a challenge for researchers. Simply encoding comorbid conditions as features using one-hot encoding would generate thousands of features and result in the curse of dimensionality and expensive training time. Recent research into network medicine development provides a new approach to understanding the complex interrelations between diseases. In a Phenotypic Disease Network, also known as a Disease Co-occurrence Network (DCN) [22], links between diseases are based on their significant co-occurrence. Such networks provide an overview of the co-occurrence of multiple conditions in a network structure and have been used to study the multimorbidity patterns underlying depression [23], heart failure [24], and chronic obstructive pulmonary disease (COPD) [25]. Meanwhile, some researchers have tried to use the results of DCN analysis for predictive purposes. Srinivasan et al. [26] extracted two network features from DCN (high-cost propensity and community membership scores) and applied tree-based models to predict high-cost patients. They found that the network features could significantly improve the model’s performance. Xu et al. [27] developed a Diagnoses to Vector model (Dx2Vec) based on DCN to predict individual self-harm behavior. Their results showed that the DCN could excavate multimorbidity patterns and further enhance the model’s accuracy. Sideris et al. [28] clustered the DCN constructed from Electric Health Record (EHR) data to reduce the data dimensionality and applied the cluster information as features to predict diabetes readmission prediction. The results indicated that, compared with CCI and ECI features, the predictive accuracy was improved by 4.65–5.75% using network features. However, few studies have explored the predictive ability of disease network features in LOS prediction, and the potential has yet to be excavated.

Moreover, the Patient Similarity Network (PSN), where nodes represent patients and edges represent the similarities between pairwise patients, has also received extensive attention in recent years. Valuable features are extracted through the PSN using network analysis for various health prediction tasks. Lu et al. [29] constructed a PSN using disease co-occurrence and extracted node centrality to predict the risk of type 2 diabetes mellitus (T2DM). Guo et al. [30] created a generic framework called Patient similarity based on Domain Fusion (PsDF), which performs patient similarity assessments on each available domain data separately, and then integrates the affinity information over various domains into a comprehensive similarity metric. Their experimental results showed that the PsDF facilitated prediction of outcome of incident cases of end stage kidney disease (ESKD) and severe aortic stenosis (AS). Therefore, we propose to extract valuable features from the PSN to predict the LOS.

In this paper, we contribute to the existing body of knowledge by developing a novel approach to forecasting the LOS for elderly patients with chronic diseases at the PoA using network analytics and machine learning models. The main contributions are summarized as follows:

  1. 1.

    A predictive framework combining Multimorbidity Network (MN), PSN, and machine learning was proposed to predict hospital LOS at the PoA.

  2. 2.

    A space-friendly and high-efficiency development algorithm was presented for constructing MN on large datasets.

  3. 3.

    A PSN was constructed that utilizes the label information from a patient’s neighbors to enrich the feature representation of patients.

To the best of our knowledge, this is the first study that integrates MN and PSN with data mining models to effectively predict LOS in elderly patients with chronic diseases at the PoA. Our proposed approach is not only suitable for predicting LOS in elderly patients with a single disease, but also for patients with multimorbidity, which expands the scope and practical ability of the model. We believe that our predictive framework has a universal scope and can be used in other health prediction areas.

Methods

Overview of the research framework

An overview of the current study is shown in Fig. 1. Our methods can be summarized as follows. The first phase involved obtaining the original dataset, including patient-level data, hospital-level data, and the diagnoses at the PoA. An MN and a PSN were then developed for feature engineering. Four feature sets, including the baseline, historical, MN and PSN features, were extracted to form the modeling dataset. In the second phase, the dataset was randomly split into a training set (80%) and testing set (20%). Reduction via Linear Discriminant Analysis (LDA) was performed to compress MN features as much as possible while retaining the most representative information. In the third phase, we applied five machine learning models to predict LOS. These were: eXtreme Gradient Boosting (XGBoost), Gradient Boosting Decision Tree (GBDT), RF, LinearSVM, and Deep Neural Network (DNN). A grid search was utilized to seek optimal model parameters and select the best models on the training set. Subsequently, we applied mean absolute error (MAE), root mean square error (RMSE), and coefficient of determination (R2) to evaluate the models’ performances on the testing set.

Fig. 1
figure 1

Flowchart of proposed predictive model

Data

In the present study, we used the Hospital Discharge Records (HDR) for the urban areas of Chengdu, China, which contains 10.7 million records from 678 hospitals and covers the period from January 1, 2015 to December 31, 2019. Each record consists of patient-level data (e.g., anonymized identity, age, sex, the date of admission, and the date of discharge), hospital-level data (e.g., hospital level, hospital address, and hospital affiliation), discharge diagnoses (including a principal diagnosis and up to 15 secondary diagnoses), and the corresponding flag variable which represents whether the disease is diagnosed at the PoA. All diagnoses are specified by the ICD-10 codes (International Classification of Diseases, 10th Revision) at the three-digit level. The present study was approved by the Ethics Committee of the Health Information Center of Sichuan Province. The requirement of obtaining informed consent was waived because of the secondary nature of the de-identified data in the retrospective study design.

In order to meet the requirements of the present study, several inclusion criteria were applied as follows. (1) The LOS was not null, and the date of admission was between 2015 and 2019. (2) The patient was alive during the 2015 to 2019 period. (3) The age of the patient was 65 years or older. (4) To eliminate the outliers of the LOS, we regarded those LOS which were greater than a 99% quantile (58 days) as the outliers. Hence, the LOS needed to be less than or equal to 58 days. (5) Since the MN only included chronic diseases, each record must have at least one chronic disease at the PoA. The criteria for judging the chronic diseases came from a previous study [31]. For the patients aged 65 years or older in our dataset, there were 685 chronic diseases in total. The proportion of chronic diseases and the average number of chronic diseases were 95.56% and 6.5 respectively, indicating that the patients suffered from a heavy burden of chronic diseases. Finally, 2.5 million hospitalization records and about 1.1 million individuals were retained. Descriptive statistics on the main variables are shown in Table 1. The data from 2015 to 2017 were used to construct the MN and the data from 2018 to 2019 were applied to develop the PSN and our predictive models.

Table 1 Descriptive statistics of main variables in our dataset

Due to the time of admission or discharge is only exact to the day in our dataset, we defined the LOS as the number of days between the admission date and discharge date. The distribution of the LOS is shown in Fig. 2. Almost 50% of the LOS are between 8 and 15 days, and the mean of the LOS is about 12.3 days, which is much higher than previous studies due to the elderly having a more extended LOS.

Fig. 2
figure 2

Distribution and descriptive statistics of the LOS

Multimorbidity network construction

The MN was developed based on 1,235,017 hospitalization records and 661,324 individuals from 2015 to 2017, so the MN is a kind of DCN and only contains chronic diseases. The Relative Risk (RR) was adopted to measure the distance among comorbidities. The RR of observing a pair of diseases i and j affecting the same patient is given by Eq. (1).

$$RR_{ij} = \frac{{C_{ij} *N}}{{C_{i} *C_{j} }}$$
(1)

In Eq. (1), the Cij is the number of patients with both diseases, N is the total number of patients in the population, and Ci and Cj are the numbers of patients with disease i and disease j [22]. The 99% confidence intervals of RR were estimated using the Katz et al. method [32], as shown in Eqs. (2) and (3).

$$\left[ {RR_{ij} \times \exp \left( { - 2.58\sigma_{ij} } \right),RR_{ij} \times \exp \left( {2.58\sigma_{ij} } \right)} \right]$$
(2)
$$\sigma_{ij} = \frac{1}{{C_{ij} }} + \frac{1}{{C_{i} C_{j} }} - \frac{1}{N} - \frac{1}{{N^{2} }}$$
(3)

For convenience, a two-dimensional patient-disease matrix was constructed to calculate the RR, as shown in Fig. 3. It is almost impossible to load such a massive matrix with 661,324 rows and 685 columns into computer memory, which makes it harder to construct an MN on large datasets. Also, the density of the matrix is only 0.86%, which results in much spatial redundancy. To address this problem, we performed some space optimization and efficiency optimization to make it easier to build the MN on large datasets, as summarized in Algorithm 1. Sparse matrix technology was applied as the compressed sparse column matrix (csc_matrix) is efficient for column slicing and matrix multiplication. There are some other efficiency optimization details worth noting, such as using matrix multiplication in line 12 rather than counting directly the co-occurrences of pairwise diseases, which can save time when the dimensions of the matrix are very high. After applying Algorithm 1, an undirected weighted MN with 683 nodes and 35,860 edges was obtained. A network visualization is shown in Fig. 4. The MN can represent the complex and implicit inner relationships between diseases that may or may not appear at the PoA. For example, a patient was diagnosed with essential hypertension (I10) at the PoA. The diagnoses during the hospitalization were chronic kidney disease (N18) and type 1 diabetes mellitus (E10). Such co-occurrence relationships can be easily found and quantified in the MN, and can be extracted as features to help predict downstream tasks.

Fig.3
figure 3

Patient-disease matrix (entries indicate whether a patient has a disease)

Fig. 4
figure 4

Visualization of the MN (only the edges with RR greater than 30 are reserved for visualization purpose). The nodes represent chronic disease; The colors of nodes represent 18 disease chapters according to the ICD-10, and the size of nodes is positively correlated with the degree of nodes; The edges represent the co-occurrence relationship between pair-wise diseases

figure a

Patient similarity network construction

Experimental results of the Unified Message Passaging model (UniMP) [33] have shown that considering the label information on neighbors can bring significant improvements to prediction tasks. Therefore, inspired by the label propagation method of UniMP, we constructed a PSN to excavate extra information for the LOS prediction, with the assumption that similar patients would have similar LOS in the network.

In the PSN, nodes represent patients (training samples) and edges represent the similarities between patients. We used Jaccard index to measure the similarity, as defined in Eq. (4).

$$similarity\left( {i,j} \right) = \frac{{\left| {d\left( i \right) \cap d\left( j \right)} \right|}}{{\left| {d\left( i \right) \cup d\left( j \right)} \right|}}\;\;where\;g\left( i \right) = g\left( j \right) \& \& a\left( i \right) = a\left( j \right)$$
(4)

In Eq. (4), patient \(i\) and patient \(j\) must be of the same gender \(g\left( \cdot \right)\) and the same age group \(a\left( \cdot \right)\) (as shown in Table 1), while \(d\left( i \right)\) represents the diagnosed diseases of patient \(i\) at the PoA. The similarity network considers gender, age and disease information to evaluate patient similarity comprehensively. For each patient, however, we only consider the most similar 100 neighbors in the training set because of the impossibility of calculating all potential similarities among millions of patients. We therefore applied an approximate nearest neighbor algorithm called NMSLIB [34] to conduct heavy kNN computations, which can use an approximation algorithm to find k nearest neighbors with superior recall and queries per second accelerate [35]. The method took only 15 min to find the 100 most similar neighbors for each patient in the entire dataset. The average similarity in each group is shown in Fig. 5.

Fig. 5
figure 5

The average Jaccard index similarity in each group. The similarity of the female is generally less similar than that of the male. The similarity increased with age, because the older the patient, the more diseases the patient has

Feature engineering

In order to make full use of the limited data available, four feature groups were extracted from the existing data. These were the baseline features, historical features, MN features, and PSN features. Detailed information on feature extraction and feature grouping are shown in Table 2. The baseline features make full use of the patient, hospital, and date information. The diagnostic information at the PoA was extracted as the ECI related features. This is a method generally applied in the literature to quantify diagnostic information. The historical features were extracted to indicate the histories of the patients’ physical health. Two kinds of features, eigenvector centrality features and disease risk features, were extracted from the MN. The PSN features are derived from the PSN.

Table 2 Feature descriptions

Eigenvector centrality (EVC) features

The EVC score is a measure attribute of diseases (nodes) in the MN, representing the importance of the disease and influenced by neighbor diseases. For a given graph \(G:\left( {V,E} \right)\) with \(\left| V \right|\) vertices, let \(A = \left( {a_{v,t} } \right)\) be the adjacency matrix. The relative centrality \(x\) as the score of vertex \(v\) can be defined as Eq. (5).

$$x_{v} = \frac{1}{\lambda }\mathop \sum \limits_{{t \in {\mathcal{N}}\left( v \right)}} x_{t} = \frac{1}{\lambda }\mathop \sum \limits_{t \in G} a_{v,t} x_{t}$$
(5)

In Eq. (5), \({\mathcal{N}}\left( v \right)\) is a set of the neighbors of \(v\) and \(\lambda\) is a constant. With a small rearrangement this can be rewritten in vector notation as the eigenvector equation Eq. (6).

$$Ax = {\uplambda }x$$
(6)

The eigenvector \(x_{max}\) corresponding to the largest eigenvalue \(\lambda_{max}\) is the EVC. The \(v{\text{th}}\) component of the \(x_{max}\) then gives the relative centrality score of the vertex \(v\) in the network. Hence, we can obtain a EVC score for each disease in the MN. Finally, the EVC scores were transformed as EVC features. For example, considering that a patient may have several chronic diseases at the PoA, multi-hot encoding was used to map these diseases to a vector (which only contains one and zero, and the one represents the corresponding observed disease). Then, the one was replaced with the EVC score that uniquely corresponds to the disease. Overall, 653 EVC features were obtained. It is worth noting that the number of EVC features is less than the number of network nodes since some diseases do not appear in 2018 and 2019.

Disease risk features

In the MN, different diseases have different effects on LOS. We therefore use disease risk features to quantify the differences between diseases. The mean of the LOS of the disease can be calculated by Eq. (7).

$$los\_mean\left( v \right) = \frac{1}{{\left| {\{ p_{j} |d\left( v \right) \in D\left( {p_{j} } \right)\} } \right|}}*\mathop \sum \limits_{{p_{i} \in \{ p_{j} |d\left( v \right) \in D\left( {p_{j} } \right)\} }} LOS\left( {p_{i} } \right)$$
(7)

In Eq. (7), \(v\) is a node in the MN; \(d\left( v \right)\) is the disease corresponding to node \(v\); \(p_{i}\) and \(p_{j}\) represent different patients; \(D\left( {p_{j} } \right)\) is the disease set of the patient \(p_{j}\) at the PoA, and the \(LOS\left( {p_{i} } \right)\) is the LOS of the patient \(p_{i}\). Disease risk score and features can then be obtained by Eqs. (8) and (9).

$$disease\_risk\_score\left( v \right) = EVC\left( v \right)*los\_mean\left( v \right)$$
(8)
$$disease\_risk\_feature\left( {p_{i} } \right) = agg\left\{ {disease\_risk\_score\left( v \right){|}d\left( v \right) \in D\left( {p_{i} } \right)} \right\}$$
(9)

In Eq. (8), \(EVC\left( v \right)\) is the EVC of node \(v\). The disease risk score takes into account both the EVC of the disease and the influence of the disease on LOS. In Eq. (9), a patient may have several chronic diseases as the PoA, and several aggregation functions \(agg\left( {*} \right)\) are used to quantify the distribution of the patient's disease risk scores, which include counts, maximum, mean, and summation functions.

PSN features

Based on the assumption that similar patients would have similar LOS, we can also extract statistics of the neighbors’ LOS as features from the PSN, as shown in Eq. (10).

$$PSN\_feature\left( {p_{i} } \right) = agg\left\{ {LOS\left( {p_{j} } \right){|}p_{j} \in {\mathcal{N}}\left( {p_{i} } \right)} \right\}$$
(10)

In Eq. (10), given a patient, 100 neighbors can be found from the PSN, and their LOS can be also obtained. Several \(agg\left( * \right)\) functions, including the mean, standard deviation, median, min, and max functions, were used to extract statistics of the neighbors’ LOS.

There were a few missing values among some features. Therefore, we used zero for the missing value. For these category features, we regarded them as numerical features if there were ordinal relations between them, which could significantly reduce the features’ dimensions. Otherwise, one-hot encoding was used to encode the category features. To ensure that the time window for feature extraction was consistent with the historical features, we only looked back on the past three years of historical records. For instance, the date of admission of one patient was June 1, 2018. Those records whose dates of admission were between June 1, 2015 and May 31, 2018 were considered to represent the patient’s historical records. Some patients (nearly 35%) may not have any admission records during the past three years; zero was then adopted as the missing value. The EVC features were calculated from the MN, and LDA reduction was applied to decrease the feature dimensions. In addition, five features of the neighbor’s LOS were obtained from the PSN to provide additional information to aid the LOS forecast.

Linear discriminant analysis

As the numbers of EVC features were up to 653, feature reduction was performed to save computational time, reduce information noise, and retain representative information as much as possible. LDA, as proposed by Fisher [38], is a supervised method that computes the linear discriminant by maximizing the distance between classes and minimizing the distance within classes [39]. If the dataset has K classes, the LDA can reduce dimensions up to K − 1. In this paper, the LOS is discrete and LDA can be applied to reduce dimensionality. We used the validation set’s performance to select the best number of dimension reductions; the best number has the lowest evaluation error in the validation set. In a preliminary experiment, we reduced the dimensions of EVC features from 653 to 32 by using LDA. We used the reduced EVC features to complete the following experiments.

Model

To evaluate the proposed framework, we compared the performances of five machine learning models which used five different feature subsets. The five combinations of input features were as follows: Baseline, Baseline + History, Baseline + MN, Baseline + PSN, and Baseline + History + MN + PSN. The five machine learning models were XGBoost [40], GBDT [41], RF [42], LinearSVM [43], and DNN. To evaluate the framework’s accuracy and efficiency on our large-scale dataset, the five machine learning models were applied to predict the LOS.

The XGBoost, GBDT, and RF models are tree-based ensemble models, which have superior nonlinear fitting ability, robustness, and interpretability. As for SVM, we did not use a radial basis function kernel since it is inefficient and unsuitable to apply to millions of datasets. We therefore chose a linear kernel as the kernel function for the SVM. Standard normalization was adopted for the datasets before training the LinearSVM model.

DNN is also a common model in the LOS area [9]. The network architecture can highly affect the generalization ability of the model. In the current research, we tried several architectures and finally chose an architecture of six layers with “118-400-200-100-50-1”. The activation function was ReLU, and mean square error was adopted as the loss function. We used an Adam optimizer with lr = 0.0005 to train our model, with the weight decay set to 0.00001. Batch normalization and dropout were used to avoid model overfitting. The batch size was 4096 and epochs were 200, the numbers being determined by the grid search strategy.

To evaluate the generalization abilities of the five models, the dataset was randomly split into a training set (80%) and a testing set (20%). Since there were more than a million samples in the training set, we randomly divided 20% of them to form a validation set, which was applied to evaluate model performance in the parameter tuning process using the grid search strategy. All experiments used Python 3.7.3 on a Linux server with 48 Intel Xeon E5-2678 processors. A Pandas 0.24.2 toolbox and an sklearn 0.23.0 toolbox were used for data preprocessing and model training, respectively. Torch 0.3.0 was applied to train the DNN model.

Evaluation

To evaluate the performance and generalization abilities of the different models, MAE, RMSE, and R2 were used, as shown in Eqs. (11), (12), and (13), where \(y\) and \(\hat{y}\) are the observed and the predicted LOS, respectively; \(y_{mean}\) is the mean of \(y\); and \(n\) is the size of the dataset. The MAE and R2 are standard metrics that have been widely used in the LOS prediction task. The MAE show the average deviation between the observed and the predicted values. The R2 indicate whether the model is better than the mean forecast model; the more excellent the value of R2, the better the performance of the model. Multiple criteria can help to create a comprehensive evaluation of a model’s generalization performance.

$$MAE\left( {y,\hat{y}} \right) = \frac{{\mathop \sum \nolimits_{i = 1}^{n} \left| {y_{i} - \hat{y}_{i} } \right|}}{n}$$
(11)
$$RMSE\left( {y,\hat{y}} \right) = \sqrt {\frac{{\mathop \sum \nolimits_{i = 1}^{n} \left( {y_{i} - \hat{y}_{i} } \right)^{2} }}{n}}$$
(12)
$$R^{2} \left( {y,\hat{y}} \right) = 1 - \frac{{\mathop \sum \nolimits_{i = 1}^{n} (y_{i} - \hat{y}_{i} )^{2} }}{{\mathop \sum \nolimits_{i = 1}^{n} (y_{i} - y_{mean} )^{2} }}$$
(13)

Results

Comparison of models on different feature subsets

The reduced EVC features were obtained after the LDA reduction. Parameter tuning using grid search was then applied to each model to select optimal hyper-parameters. The comparison of the predictive performances of XGBoost, GBDT, RF, LinearSVM, and DNN on different feature subsets are listed in Table 3. The R2 of our proposed approach (Baseline + History + MN + PSN) was 0.375 for XGBoost, 0.374 for GBDT, 0.347 for RF, 0.285 for LinearSVM, and 0.330 for DNN, suggesting that the XGBoost outperforms the other models. For the other feature subsets, the R2 of XGBoost was 0.250 for Baseline, 0.316 for Baseline + History, 0.304 for Baseline + MN, and 0.316 for Baseline + PSN, which means using historical features or MN features or PSN features alone could significantly enhance model performance compared with the Baseline. Furthermore, the Baseline + History + MN + PSN experimental results show the best performance for all the models under all the evaluation criteria compared with the performance of other feature subsets. Notably, the R2 of XGBoost on Baseline + History + MN + PSN was improved by 18.7% compared with the R2 of XGBoost on Baseline + History, indicating that adding network features bring significant improvements to the model’s performance.

Table 3 The comparison of predictive performance of XGBoost, GBDT, RF, LinearSVM, and DNN on different feature subsets

Feature importance

The feature importance was calculated and all the features aggregated into four disjoint feature subsets by simply summing them up for simplified purposes, as shown in Fig. 6. The historical features have the highest feature importance, closely followed by PSN features. The two kinds of features are both label-related features, where the former utilized the patient’s historical LOS information while the latter used the patient’s neighbors’ LOS information. In addition, the MN features also have relatively high feature importance, representing the disease information at the PoA. To summarize, the ranking of the four feature subsets is: Historical features > PSN features > MN features > Baseline features.

Fig. 6
figure 6

The distribution of feature importance in XGBoost, GBDT, and RF on four feature subset

The top ten features for each model are listed in Table 4. Almost all top ten features belong to historical features, MN features, and PSN features. The mean of the neighbors’ LOS has the highest feature importance among XGBoost, GBDT, and RF. Some other PSN features, including the std of neighbors’ LOS, and the median of neighbors’ LOS, are also essential factors. Additionally, the descriptive statistics of historical LOS, such as mean, median, and maximum, are important and intuitive factors in predicting the future LOS of patient.

Table 4 Top ten features in tree-based models

Error analysis

The MAE of XGBoost using Baseline + History + MN + PSN was 4.024 in the testing set. To explore this model’s predictive ability on different LOS, the MAE of each LOS for several subgroups, such as gender and age, was calculated as shown in Fig. 7. From the full data curve in Fig. 7a, it can be seen that the more hospitalization records for a specific LOS, the smaller is the MAE of the model. The MAE firstly decreases from 8.224 (LOS = 1) to 1.915 (LOS = 11), and then maintains an approximate upward trend until MAE = 24.660 (LOS = 58). When the LOS of a patient is equal to one day, the model’s predictions show a significant deviation. When we investigated the discharge information, which is not available at the PoA, we found that only 53% of patients were discharged from the hospital when medically ordered to leave. The rest might have transferred to another hospital or left the hospital due to lack of money, suggesting that those LOS are hard to predict. For those LOS between 5 and 30 days, this model can make relatively accurate predictions. For the LOS > 30 days, the model has poor predictive ability because the hospitalization records of the LOS gradually decrease and the forecasts of their leaf nodes will be averaged in the decision tree. For example, a sample with LOS = 55 falls into a leaf node, which has five samples with an LOS of 20, 25, 30, 35, and 55, respectively. The prediction value of the leave node is the average of those LOS, which is 33 and accounts for 22 deviations. Due to the hard prediction for small and large LOS, some studies have avoided the problem by regarding the regression task as a classification task such as prolonged LOS (≥ 14) or short LOS (< 14) [44, 45], which has poorer practicability than the regression task. Consequently, these problems still await a direct solution and deserve further exploration.

Fig. 7
figure 7

The error distribution of MAE of XGBoost using Baseline + History + MN + PSN on the testing set. The green bars are the LOS distributions on the testing set. The results of different subgroups are shown: a full data and gender subgroups, b age subgroups

As regards gender, there is no significant difference between the male and female curves. In contrast, with increases in age, the model’s MAE errors become increasingly smaller when the LOS is longer than 20 days. The older the patient, the more comorbidities they have, resulting in a higher similarity in the PSN, as shown in Fig. 5, which is conducive to improving the model’s performance.

Discussion

This study has proposed a novel approach to extracting creative and representative network features for early LOS prediction due to the limited data available at the PoA. To the best of our knowledge, this is the first time that features have been extracted from MN and PSN on such a large dataset for LOS prediction.

Comparison with the other studies of the present literature

Several similar studies that have applied machine learning methods to predict LOS at the PoA are listed in Table 5 for comparison purposes. Due to differences in the data sources, we compare our work with existing studies mainly from the aspects of feature composition and model performance. As shown in Table 5, most existing studies were confined to a single disease and the sizes of their datasets were much smaller than ours, which affects the utility, generalization, and reliability of the model. Moreover, few studies have considered historical features. They tend to calculate only the mean and counts of the LOS of historical records which means that the potential has not been fully realized. We found that other descriptive statistics of historical LOS also impact significantly the LOS predictions as listed in Table 4, such as the median and the maximum. None of the existing studies used the MN and PSN features, which are essential factors in predicting LOS. The historical features, MN features, and PSN features are relatively independent and can enhance model performance from different perspectives, as shown in Table 5. The means of LOS differ from each other, and the truncation strategies for the LOS also vary. Some studies considered the qualified LOS of less than 30 days [17] or truncated at the 98% percentile [46], whereas other studies did not take any action, which accounts for prediction results that are not comparable and vary widely. However, a review study concluded that a model has a strong predictive ability for the LOS if R2 > 0.36 [47], which implies that our proposed approach has a superior predictive ability with R2 = 0.375.

Table 5 Comparison of the results with prior related researches

Limitations and potential future works

The present study has some limitations. First, we adopted zero to fill missing values, which might influence the predictive ability even though the tree-based models are not sensitive about a fill strategy. An appropriate missing value filling strategy, such as k-nearest neighbor [51], might achieve better LOS predictions. Second, although we made full use of the historical LOS information, other historical data was not taken into account, such as historical medication use and historical comorbidities. In addition, we used a fixed time window of three years, whereas multi-scale time windows such as going back six months, one year, and three years are likely to be helpful in improving model performance [17]. Third, we extracted the EVC features and disease risk features from the MN to improve prediction accuracy. The potential of the MN can be further excavated, such as network clustering information [28]. Moreover, since the validity of the PSN has been proven by the PSN features, future work could develop a Graph Neural Network (GNN) to use the structural information of PSN, such as Graph SAmple and aggreGatE (GraphSAGE) [52] and Graph Attention Network (GAT) [53], which can construct an end-to-end model by using both network topology information and a node’s feature vectors. In addition, the skewness of LOS results in poor prediction ability of the model when LOS higher than 30 days, as shown in Fig. 7. Some resampling techniques can enhance the number of the tail LOS data, which may bring extra improvement for our proposed methods [54]. Despite these limitations, our proposed approach has sufficient robustness to predict with a certain level of accuracy the hospital LOS for the elderly with chronic diseases at the PoA. Future work will explore the directions indicated above to further improve accuracy.

Conclusions

This study proposed a novel approach integrating network science with machine learning for making early predictions of hospital LOS in elderly patients with chronic diseases. A space-friendly and high-efficiency development algorithm of MN was presented, making it possible to build MN with millions or even tens of millions of data volumes. The EVC features were extracted from the MN, and the LDA was then performed to reduce the number of EVC features, which can speed up training efficiency and enhance the model performance. Besides, we adopted NMSLIB to construct the PSN to utilize the patient's neighbor's information. The experiment results showed that the network features, could significantly improve model performance across various models. Especially, the R2 of XGBoost on Baseline + History + MN + PSN was improved by 18.7% compared with the R2 of XGBoost on Baseline + History. To sum up, our proposed approach has enough power to make early LOS prediction for elderly patients, which can offer effective decision support for hospital managers.

Availability of data and materials

The data that support the findings of this study are available from Health Information Center of Sichuan Province but restrictions apply to the availability of these data, which were used under license for the current study, and so are not publicly available.

Abbreviations

LOS:

Length of stay

PoA:

Point of admission

MN:

Multimorbidity network

PSN:

Patient similarity network

RF:

Random forest

ANNs:

Artificial neural networks

SVM:

Support vector machine

BN:

Bayesian network

CCI:

Charlson comorbidity index

ECI:

Elixhauser comorbidity index

DCN:

Disease co-occurrence network

COPD:

Chronic obstructive pulmonary disease

Dx2Vec:

Diagnoses to vector model

EHR:

Electric health record

T2DM:

Type 2 diabetes mellitus

PsDF:

Patient similarity based on domain fusion

ESKD:

End stage kidney disease

AS:

Aortic stenosis

LDA:

Linear discriminant analysis

XGBoost:

Extreme gradient boosting

GBDT:

Gradient boosting decision tree

DNN:

Deep neural network

MAE:

Mean absolute error

RMSE:

Root mean square error

R2 :

Coefficient of determination

HDR:

Hospital discharge records

RR:

Relative risk

UniMP:

Unified message passaging model

EVC:

Eigenvector centrality

References

  1. Naghavi M, Abajobir AA, Abbafati C, Abbas KM, Abd-Allah F, Abera SF, et al. Global, regional, and national age-sex specific mortality for 264 causes of death, 1980–2016: a systematic analysis for the Global Burden of Disease Study 2016. The Lancet. 2017;390:1151–210.

    Google Scholar 

  2. Arokiasamy P, Uttamacharya, Kowal P, Capistrant BD, Gildner TE, Thiele E, et al. Chronic noncommunicable diseases in 6 low- and middle-income countries: findings from wave 1 of the world health organization’s study on global ageing and adult health (SAGE). Am J Epidemiol. 2017;185:414–28.

    PubMed  PubMed Central  Google Scholar 

  3. Lochner KA, Cox CS. Prevalence of Multiple Chronic Conditions Among Medicare Beneficiaries, United States, 2010. Prev Chronic Dis. 2013;10:E61.

    PubMed  PubMed Central  Google Scholar 

  4. Zhang R, Lu Y, Shi L, Zhang S, Chang F. Prevalence and patterns of multimorbidity among the elderly in China: a cross-sectional study using national survey data. BMJ Open. 2019;9:e024268.

    PubMed  PubMed Central  Google Scholar 

  5. Marengoni A, Angleman S, Melis R, Mangialasche F, Karp A, Garmen A, et al. Aging with multimorbidity: a systematic review of the literature. Ageing Res Rev. 2011;10:430–9.

    PubMed  Google Scholar 

  6. Mekhaldi RN, Caulier P, Chaabane S, Chraibi A, Piechowiak S. Using machine learning models to predict the length of stay in a hospital setting. In: Rocha Á, Adeli H, Reis LP, Costanzo S, Orovic I, Moreira F, editors. Trends and innovations in information systems and technologies. Cham: Springer; 2020. p. 202–11.

    Google Scholar 

  7. Meadows K, Gibbens R, Gerrard C, Vuylsteke A. Prediction of patient length of stay on the intensive care unit following cardiac surgery: a logistic regression analysis based on the cardiac operative mortality risk calculator, EuroSCORE. J Cardiothorac Vasc Anesth. 2018;32:2676–82.

    PubMed  Google Scholar 

  8. Xie Y, Schreier G, Chang DCW, Neubauer S, Liu Y, Redmond SJ, et al. Predicting days in hospital using health insurance claims. IEEE J Biomed Health Inform. 2015;19:1224–33.

    PubMed  Google Scholar 

  9. Daghistani TA, Elshawi R, Sakr S, Ahmed AM, Al-Thwayee A, Al-Mallah MH. Predictors of in-hospital length of stay among cardiac patients: a machine learning approach. Int J Cardiol. 2019;288:140–7.

    PubMed  Google Scholar 

  10. Whellan DJ, Zhao X, Hernandez AF, Liang L, Peterson ED, Bhatt DL, et al. Predictors of hospital length of stay in heart failure: findings from get with the guidelines. J Cardiac Fail. 2011;17:649–56.

    Google Scholar 

  11. Alsinglawi B, Alnajjar F, Mubin O, Novoa M, Alorjani M, Darwish O. Predicting length of stay for cardiovascular hospitalizations in the intensive care unit: machine learning approach, 4.

  12. Appelros P. Prediction of length of stay for stroke patients. Acta Neurol Scand. 2007;116:15–9.

    CAS  PubMed  Google Scholar 

  13. Yang C-S, Wei C-P, Yuan C-C, Schoung J-Y. Predicting the length of hospital stay of burn patients: Comparisons of prediction accuracy among different clinical stages. Decis Support Syst. 2010;50:325–35.

    Google Scholar 

  14. Dominick KL, Dudley TK, Coffman CJ, Bosworth HB. Comparison of three comorbidity measures for predicting health service use in patients with osteoarthritis. Arthritis Rheum. 2005;53:666–72.

    PubMed  Google Scholar 

  15. Melfi C, Holleman E, Arthur D, Katz B. Selecting a patient characteristics index for the prediction of medical outcomes using administrative claims data. J Clin Epidemiol. 1995;48:917–26.

    CAS  PubMed  Google Scholar 

  16. Khosravizadeh O, Vatankhah S, Bastani P, Kalhor R, Alirezaei S, Doosty F. Factors affecting length of stay in teaching hospitals of a middle-income country. Electron Physician. 2016;8:3042–7.

    PubMed  PubMed Central  Google Scholar 

  17. Turgeman L, May JH, Sciulli R. Insights from a machine learning model for predicting the hospital Length of Stay (LOS) at the time of admission. Expert Syst Appl. 2017;78:376–85.

    Google Scholar 

  18. Zhang JX, Iwashyna TJ, Christakis NA. The performance of different lookback periods and sources of information for Charlson comorbidity adjustment in medicare claims. Med Care. 1999;37:1128–39.

    CAS  PubMed  Google Scholar 

  19. Li P, Kim MM, Doshi JA. Comparison of the performance of the CMS Hierarchical Condition Category (CMS-HCC) risk adjuster with the Charlson and elixhauser comorbidity measures in predicting mortality. BMC Health Serv Res. 2010;10:245.

    CAS  PubMed  PubMed Central  Google Scholar 

  20. Peres IT, Hamacher S, Oliveira FLC, Thomé AMT, Bozza FA. What factors predict length of stay in the intensive care unit? Systematic review and meta-analysis. J Crit Care. 2020;60:183–94.

    PubMed  Google Scholar 

  21. Carter P, Reynolds J, Carter A, Potluri S, Uppal H, Chandran S, et al. The impact of psychiatric comorbidities on the length of hospital stay in patients with heart failure. Int J Cardiol. 2016;207:292–6.

    PubMed  Google Scholar 

  22. Hidalgo CA, Blumm N, Barabási A-L, Christakis NA. A dynamic network approach for the study of human phenotypes. PLoS Comput Biol. 2009;5:e1000353.

    PubMed  PubMed Central  Google Scholar 

  23. Qiu H, Wang L, Zeng X, Pan J. Comorbidity patterns in depression: a disease network analysis using regional hospital discharge records. J Affect Disord. 2022;296:418–27.

    PubMed  Google Scholar 

  24. Carmona-Pírez J, Poblador-Plou B, Díez-Manglano J, Morillo-Jiménez MJ, Marín Trigo JM, Ioakeim-Skoufa I, et al. Multimorbidity networks of chronic obstructive pulmonary disease and heart failure in men and women: evidence from the EpiChron Cohort. Mech Ageing Dev. 2021;193:111392.

    PubMed  Google Scholar 

  25. Faner R, Agustí A. Network analysis: a way forward for understanding COPD multimorbidity. Eur Respir Soc. 2015;46:591–2.

    Google Scholar 

  26. Srinivasan K, Currim F, Ram S. Predicting high-cost patients at point of admission using network science. IEEE J Biomed Health Inform. 2017;22:1970–7.

    PubMed  Google Scholar 

  27. Xu Z, Zhang Q, Yip PSF. Predicting post-discharge self-harm incidents using disease comorbidity network: a retrospective machine learning study. J Affect Disord. 2020;277:402–9.

    PubMed  Google Scholar 

  28. Sideris C, Pourhomayoun M, Kalantarian H, Sarrafzadeh M. A flexible data-driven comorbidity feature extraction framework. Comput Biol Med. 2016;73:165–72.

    PubMed  Google Scholar 

  29. Lu H, Uddin S, Hajati F, Moni MA, Khushi M. A patient network-based machine learning model for disease prediction: the case of type 2 diabetes mellitus. Appl Intell. 2021. https://doi.org/10.1007/s10489-021-02533-w.

    Article  Google Scholar 

  30. Guo J, Yuan C, Shang N, Zheng T, Bello NA, Kiryluk K, et al. Similarity-based health risk prediction using domain fusion and electronic health records data. J Biomed Inform. 2021;116:103711.

    PubMed  Google Scholar 

  31. Chronic Condition Indicator (CCI) for ICD-10-CM (beta version). https://www.hcup-us.ahrq.gov/toolssoftware/chronic_icd10/chronic_icd10.jsp. Accessed 26 Feb 2021.

  32. Katz D, Baptista J, Azen SP, Pike MC. Obtaining confidence intervals for the risk ratio in cohort studies. Biometrics. 1978;34:469–74.

    Google Scholar 

  33. Shi Y, Huang Z, Feng S, Zhong H, Wang W, Sun Y. Masked label prediction: unified message passing model for semi-supervised classification. arXiv:200903509 [cs, stat]. 2021.

  34. Boytsov L, Novak D, Malkov Y, Nyberg E. Off the beaten path: let’s replace term-based retrieval with k-NN search. In: Proceedings of the 25th ACM international on conference on information and knowledge management. Indianapolis Indiana USA: ACM; 2016. p. 1099–108.

  35. Aumüller M, Bernhardsson E, Faithfull A. ANN-benchmarks: a benchmarking tool for approximate nearest neighbor algorithms. In: Beecks C, Borutta F, Kröger P, Seidl T, editors. Similarity search and applications. Cham: Springer; 2017. p. 34–49.

    Google Scholar 

  36. Garland A, Fransoo R, Olafson K, Ramsey C, Yogendren M, Chateau D, et al. The epidemiology and outcomes of critical illness in Manitoba, 223.

  37. van Walraven C, Austin PC, Jennings A, Quan H, Forster AJ. A modification of the elixhauser comorbidity measures into a point system for hospital death using administrative data. Med Care. 2009;47:626–33.

    PubMed  Google Scholar 

  38. The use of multiple measurements in taxonomic problems, 11.

  39. Subasi A, Ismail GM. EEG signal classification using PCA, ICA, LDA and support vector machines. Expert Syst Appl. 2010;37:8659–66.

    Google Scholar 

  40. Chen T, Guestrin C. XGBoost: a scalable tree boosting system. 2016. https://doi.org/10.1145/2939672.2939785.

  41. Friedman JH. Greedy function approximation: a gradient boosting machine. Ann Stat. 2001. https://doi.org/10.1214/aos/1013203451.

    Article  Google Scholar 

  42. Liaw A, Wiener M. Classification and regression by randomForest. R News. 2002;2:18–22.

    Google Scholar 

  43. Smola A, Schölkopf B. A tutorial on support vector regression. Stat Comput. 2004;14:199–222.

    Google Scholar 

  44. Ma X, Si Y, Wang Z, Wang Y. Length of stay prediction for ICU patients using individualized single classification algorithm. Comput Methods Programs Biomed. 2020;186:105224.

    PubMed  Google Scholar 

  45. Hijry H, Olawoyin R. Application of machine learning algorithms for patient length of stay prediction in emergency department during Hajj. In: 2020 IEEE international conference on prognostics and health management (ICPHM). Detroit, MI, USA: IEEE; 2020. p. 1–8.

  46. Liu V, Kipnis P, Gould MK, Escobar GJ. Length of stay predictions: improvements through the use of automated laboratory and comorbidity variables. Med Care. 2010;48:739–44.

    PubMed  Google Scholar 

  47. Verburg IWM, Atashi A, Eslami S, Holman R, Abu-Hanna A, de Jonge E, et al. Which models can I use to predict adult ICU length of stay? A systematic review. Crit Care Med. 2017;45:e222–31.

    PubMed  Google Scholar 

  48. Zolbanin HM, Davazdahemami B, Delen D, Zadeh AH. Data analytics for the sustainable use of resources in hospitals: predicting the length of stay for patients with chronic diseases. Inf Manag. 2020. https://doi.org/10.1016/j.im.2020.103282.

    Article  Google Scholar 

  49. Chang K-C, Tseng M-C, Weng H-H, Lin Y-H, Liou C-W, Tan T-Y. Prediction of length of stay of first-ever ischemic stroke. Stroke. 2002;33:2670–4.

    PubMed  Google Scholar 

  50. Tsai P-F, Chen P-C, Chen Y-Y, Song H-Y, Lin H-M, Lin F-M, et al. Length of hospital stay prediction at the admission stage for cardiology patients using artificial neural network. J Healthc Eng. 2016;2016:1–11.

    Google Scholar 

  51. Qi X, Guo H, Wang W. A reliable KNN filling approach for incomplete interval-valued data. Eng Appl Artif Intell. 2021;100:104175.

    Google Scholar 

  52. Hamilton W, Ying Z, Leskovec J. Inductive representation learning on large graphs. In: Advances in neural information processing systems. Curran Associates, Inc.; 2017.

  53. Veličković P, Cucurull G, Casanova A, Romero A, Liò P, Bengio Y. Graph attention networks. arXiv:171010903 [cs, stat]. 2018.

  54. Naemi A, Schmidt T, Mansourvar M, Ebrahimi A, Wiil UK. Quantifying the impact of addressing data challenges in prediction of length of stay. BMC Med Inform Decis Mak. 2021;21:298.

    PubMed  PubMed Central  Google Scholar 

Download references

Acknowledgements

Not applicable.

Funding

This research was supported by the National Natural Science Foundation of China (No. 71661167005), and the Key Research and Development Program of Sichuan Province (Nos. 2019YFS0271, 2020YFS0428), which provide financial support in the design of study, analysis of data and writing the manuscript.

Author information

Authors and Affiliations

Authors

Contributions

ZH and HQ proposed and designed the study. ZH performed the experiments and analyzed the data. LW and MS collected the data and performed the statistical analyses. ZH wrote the manuscript. HQ and LW revised the manuscript. All authors have read and approved the final manuscript.

Corresponding author

Correspondence to Hang Qiu.

Ethics declarations

Ethics approval and consent to participate

This study was conducted according to the ethical guidelines of the Helsinki Declaration and was approved by the Ethics Committee of Health Information Center of Sichuan Province. The Ethics Committee exempted informed consent because of the retrospective nature of this research. Prior to the analysis, patients’ data were anonymized and de-identified.

Consent for publication

Not applicable.

Competing interests

The authors declare that they have no competing interests.

Additional information

Publisher's Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated in a credit line to the data.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Hu, Z., Qiu, H., Wang, L. et al. Network analytics and machine learning for predicting length of stay in elderly patients with chronic diseases at point of admission. BMC Med Inform Decis Mak 22, 62 (2022). https://doi.org/10.1186/s12911-022-01802-z

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12911-022-01802-z

Keywords