1. Introduction
The accelerated growth of the elderly population in many countries and regions worldwide is creating a major burden to the healthcare system [1,2]. For instance, the existing literature indicates that the proportion of Hong Kong’s elderly will increase from 15% in 2014 to 36% in 2064 [3]. With 5% GDP in Hong Kong’s healthcare expenditures and increasing needs for elderly care, the burden of medical costs and societal resources are expected to increase significantly and rapidly. There is an urgent need to develop effective strategies for proactive and preventative healthcare.
Intelligent approaches for continuous health monitoring have the potential to promote the transition to more proactive and affordable healthcare. In the last few decades, rapid advancements in information technology, automated sensor-based data collection, and advanced data analytics methods have led to an integrated approach that supports health management of complex systems through individual monitoring and control. For example, wearable health trackers can be used to monitor gait speed, sleep time, heartbeats, daily diet, and energy consumption, etc. Most existing studies involve chronic conditions [4,5,6], rehabilitation [7,8], cardiovascular disease [9,10,11], fall [12,13,14], and general wellness [15,16,17,18].
Wellness indexes can reflect the general health status of the elderly, and are multidimensional concepts including (at least) physical, mental, social, emotional, intellectual, and environmental wellness [15,19,20]. In elderly care, the timely and accurate prediction of wellness is essential for the reduction of negative health outcomes. Traditional wellness-measuring methods are mostly self-rated questionnaires used in psychology studies as a one-time measurement instrument. These methods are not suitable for measuring wellness daily, as they are time-consuming to collect and the measure represents an individual’s health status over a long period of time.
Some research has proposed various health-monitoring systems for elderly care. For example, He et al. developed a system based on a six-layer medical cloud platform [21,22], which was mainly focused on collecting physiological signals and vital signs for generating a health assessment report. Kakria et al. developed a real-time health monitoring system for remote cardiac patients by analyzing the data from smartphone and wearable sensors [4]. Paradiso et al. presented a health monitoring system called WEALTHY for monitoring patients affected by cardiovascular disease [23]. Kailas et al. designed a general wellness platform for facilitating healthcare professionals to comprehensively track patients’ health status in real-time via smartphones [24]. The general scheme of these healthcare platforms is to first process physiological data and vital signs on-line or off-line in the back end, and then transfer the information about wellness conditions to users or healthcare providers in real-time or at a scheduled time. However, the aforementioned platforms are mainly focused on monitoring the health status of the elderly, rather than predicting a future trend. It has been well recognized that predicting health status in advance could significantly help prevent life-threatening changes from occurring and could be an effective solution to provide efficient healthcare services [25,26,27]. Yu et al. proposed a personalized healthcare-monitoring platform to forecast one-day-forward wellness conditions for the elderly [16]. By integrating vital signs data from a wearable health tracker and all-in-one station-based device, machine learning methods were adopted to predict personal wellness conditions for the elderly.
Electrocardiograms (ECGs) with their noninvasive and cost-effective merits are widely used to monitor various cardiac health conditions [28,29,30]. Conventional ECG acquisition systems such as patient monitors involve the connection of multiple skin-electrodes to the patient. Nowadays, single-lead ECG signals are conveniently available via wearable or portable health-monitoring devices without the limits of time and location. Fan et al. developed a one-day-forward forecasting method of wellness for a community-dwelling elderly population based on single-lead short ECG signals [14]. Despite the inspiring results of wellness prediction from these research, the matter of how to extract multiple useful features from the raw data for wellness prediction is still a challenge due to the dynamic characteristics of ECG signals. Different models for feature extraction have different advantages from the perspective of signal analysis. For example, the time-frequency domain features contain sophisticated information of signal patterns. Empirical mode decomposition can decompose the original signal into intrinsic mode functions (IMF) according to the order of frequency from high to low by the bandwidth of the empirical mode decomposition (EMD) filter [31]. Ensemble empirical mode decomposition (EEMD) is an improved model based on EMD which can solve mode mixing problems by adding white noise [32]. Multiscale entropy has advantages in measuring signal sequence irregularity, and is commonly adopted to reflect the self-similarity and irregularity under different scales [33]. These models for feature extraction have been successfully and widely applied in various engineering domains, but are rarely investigated in ECG signal analysis. After extracting multiple representative features, a machine learning-based model can be built for wellness prediction. Zabihi et al. proposed a framework for predicting negative health outcomes using ECG signals via random forest (RF) [34]. Athif et al. developed a method by integrating ECG signal analysis and support vector machine (SVM) for health status classification [35]. Moreover, some related research works implemented deep learning models using ECG signals. For example, Sayantan et al. adopted a deep belief network for health status prediction using ECG signals [36].
The main contributions of this article are twofold: first, multiple feature construction models were integrated to extract the hidden pattern of the ECG signal, which laid a reliable foundation for the subsequent wellness prediction. Second, a comprehensive comparative study was conducted to demonstrate the performance of the developed approach. Specifically, the original ECG signals and the features extracted from different models were cross validated with different predictive models. The experiment results show that the prediction performance of the proposed approach with feature construction strategies achieved the best wellness prediction results compared to the competitors.
The rest of this paper is organized as follows. Section 2 introduces the general procedure of the proposed approach and mechanisms of various feature-construction models. Section 3 presents the collected data sets and parameter settings prior to modeling. In Section 4, the performance of different models is systematically compared and discussed. Finally, we draw our conclusions in Section 5.
2. Methods
The flowchart of the developed approach for wellness prediction is shown in Figure 1, containing three main stages: (1) feature construction; (2) data preparation and normalization; (3) predictive model development.
2.1. Features Construction Models
In this section, we present the mechanism of the four feature construction models. For a given ECG signal X, the following models were utilized to extract features. (1) Time– frequency domain analysis for statistical feature construction; (2) wavelet decomposition of ECG signals together with energy features calculation; (3) EEMD based model to decompose each ECG signal into a series of IMF components, and then various time domain statistical indicators were used to calculate the generated features for each IMF component; (4) refined composite multiscale sample entropy (RCMSE) models for calculating the entropy value as features from ECG signal directly. Finally, 184 features were extracted for wellness prediction. The details of four groups of features are as follows:
Feature Nos. 1–26 (F1–F26): 26 time-frequency domain indicators were calculated, such as the absolute mean, peak, peak to peak, variance.
Feature Nos. 27–34 (F27–F34): Using the three layers wavelet decomposition to transform the original ECG data, and then calculating the 8 energy features.
Feature Nos. 35–164 (F35–F164): 10 IMFs were obtained from EEDM, and then 13 features from time domain were calculated by using each IMF component according to Table 1.
Feature Nos. 165–184 (F165–F184): 20 entropy features were calculated via RCMSE.
2.1.1. Time Domain and Frequency Statistical Features
Different time domain and frequency domain indicators can show different trends of a signal. For example, Tse et al. used different time–frequency domain indicators to extract a preliminary degradation trend model of the mechanical system and finally established a prediction model to realize the remaining useful life prediction [37].
To identify the representative features for describing ECG signal patterns, 13 types of time domain indicators, including absolute mean (F1), peak (F2), peak to peak (F3), variance (F4), root amplitude (F5), crest factor (F6), skewness factor (F7), kurtosis factor (F8), shape factor (F9), clearance factor (F10), impulse factor (F11), root mean square (F12), and variation coefficient (F13), were calculated, as shown in Table 1. Moreover, 13 statistical indicators extracted from the ECG signals in the frequency domain through fast Fourier transform (FFT), were also used to quantify the ECG signal. As a result, a total of 26 statistical features were extracted from each ECG signal. Let represent the given ECG signal dataset, where N and n are the length of each sample and the total number of all ECG signals.
Table 1Time domain and frequency domain statistics feature. (1) Xav: average value; (2) Xp: peak; (3) Xp-p: peak to peak; (4) Dx: skewness factor; (5) Xr: root amplitude; (6) Cf: crest factor; (7) SKf: skewness factor (8) Kf: kurtosis; (9) Sf: shape factor; (10) CLf: clearance factor; (11) If: impulse factor; (12) rms: root mean square; (13) Kx: variation coefficient.
F1 | F2 | F3 | |||
F4 | F5 | F6 | |||
F7 | F8 | F9 | |||
F10 | F11 | F12 | |||
F13 |
2.1.2. Wavelet Transformation Energy Feature
The wavelet transformation can decompose the signal into various frequency bands. Hence it can reflect the changing pattern of signal in detail. The amplitude of the ECG signal can reflect the health status of the elderly in practice. For instance, the vibration amplitude of the signal will be significantly enhanced when the elderly heartbeat is faster. Therefore, calculating the energy value based on the amplitude can help effectively extract the features of the ECG signal after wavelet decomposition.
Figure 2 shows three layers of orthogonal wavelet for the ECG signal X. The original ECG signal X is denoted as S. After wavelet packet decomposition, the S1 and S2 sub-bands can be obtained. After S1 and S2 are decomposed by the wavelet packet, four bands were obtained, i.e., S21, S22, S23, and S24. Eight bands of S31–S38 are obtained after the third layer of decomposition. In this paper, three layers of decomposition were used to obtain the wavelet-decomposed band. The energy of each sub-band can be expressed as,
(1)
2.1.3. EEMD with Time Domain Feature
The ECG signal makes it difficult to adaptively decompose the signal. EEMD can adaptively decompose the ECG signal according to the upper and lower extreme points. For example, Rai used EEMD to decompose the vibration signal into a series of IMF components, and then adopted the singular value decomposition (SVD) model to extract the initial degradation trend [38]. In this study, the ECG signal was decomposed into a series of IMF components in descending order.
The detailed calculation procedures of EEMD are given as follows:
(1). For the jth ECG signal , a random white noise signal is added to
(2)
where is the new signal which is added by , and M is the total number of trials.(2). Then is decomposed into a series of IMF components through EMD by (the detailed calculation procedures of EMD is given in [31,32])
(3)
where is the residue of jth trial, indicators the IMFs number of the jth trial. denotes the ith IMF of the jth trial.(3). Repeat the first two steps when
(4). Obtain . and compute the ensemble means of each IMF by
(4)
where is the ensemble average of each IMF.
2.1.4. Refined Composite Multiscale Sample Entropy Model
Entropy has been recognized as a useful method to measure the complexity of a time series. Pincus et al. proposed an approximate entropy (AE) method [39]. However, the AE method heavily depends on the length of the time series. As a result, the value of AE can be uniformly lower than the expected one, and lacks relative coherence especially when the data length is short. To overcome this drawback, sample entropy (SE) was developed as an improved complexity measuring method based on AE [40]. It has the advantages of high stability, low noise, interference ability, and good consistency for a large parameter range. It should be noticed that AE and SE can only reflect the irregularity of a time series on a single scale. A method called multiscale entropy (ME) was proposed to measure time sequence irregularity [33,41,42], in which the degree of self-similarity and irregularity of a time series can be reflected in different scales. Based on the multiscale sample entropy (MSE), the feature of the vibration signals can be extracted from various conditions, then the eigenvectors regarded as the input of the adaptive neuro-fuzzy inference system for roller-bearing fault recognition [43]. Moreover, the SE, in some cases, is undefined as no template vectors were matched to one another. Inaccurate or undefined SE may lead to the reduction of the reliability of the MSE algorithm. To overcome this drawback, Wu et al. [44] developed RCMSE to solve these problems and demonstrated that RCMSE can increase the accuracy of entropy estimation and reduce the probability of inducing undefined entropy.
The time series length is reduced by τ when the coarse-graining step shown in Equation (5) is used. For the RCMSE algorithm, the coarse-grained time series calculated at a scale factor of τ is given by
(5)
where and . Two parameters, i.e., the value of embedding dimension and similar tolerance of the SE should be set in advance. The RCMSE value can be redefined by(6)
2.2. Data Pretreat
The procedure of data pretreatment is divided into two parts: (1) the extracted feature values were processed by maximum and minimum normalization; (2) the elderly health index (HI) was processed by Fisher–Yates normalization and converted into output data labels.
2.2.1. Maximum and Minimum Normalization
Before implementing the models to make predictions, the extracted feature set was normalized into the range [0, 1]; the maximum and minimum method used for normalization is as follows:
(7)
where and are the maximum and minimum of .2.2.2. Fisher–Yates Normalization
In our study, the output HI contains 5 levels (1–5) as shown in Table 2, implying the different levels of elderly wellness. Each participating elderly person was asked to self-evaluate their wellness and chose the most appropriate HI describing their current daily health conditions immediately after the assessment by health-monitoring equipment. The questionnaire was also validated in the existing literatures [16,45]. These scores of HI were self-evaluated, and thus the distribution of HI of each elderly individual varied even if their health conditions were similar. To reduce the difference in shape between a set of scores belonging to the same subject, we applied the Fisher–Yates normalization method to convert HI into 0 or 1 [16].
Assuming is the health index of the jth elder at the ith day, and is the ith HI level of the jth elder, the Fisher–Yates operation of the jth old elder can be calculated as follows:
(8)
where I is the total days of measurement data. J is the total number of elders.The normalized HI value was further converted into a binary variable based on the threshold 0, where values greater than 0 representing for ‘Better’ wellness condition were categorized into class ‘0′, and the rest indicating ‘Worse’ wellness condition belong to class ‘1′. For illustration purposes, Table 3 provides an example of the normalized values of HI by Fisher–Yates normalization.
2.3. Prediction Methods and Performance Evaluation Criteria
After feature construction, a predictive model needs to be established for predicting the wellness of the elderly. In this study, we adopted RF, SVM with particle swarm optimization (PSO-SVM), deep belief network (DBN), stacked autoencoder (SAE), and stacked denoising-autoencoder (SDAE) to construct the predictive model, by using the extracted 184 features from the l-day lagged ECG signals and wellness outcome as the input and output, respectively, for the model development.
2.3.1. Random Forest (RF)
RF is an integrated recognition classifier algorithm composed of multiple decision trees , where is the independent and uniformly distributed random vector parameter. The classification ability of a single decision tree and the degree of correlation between each decision tree determine the generalization of the random forest algorithm. RF includes two main steps: decision tree generation and voting [46].
2.3.2. Support Vector Machine with Particle Swarm Optimization (PSO-SVM)
SVM is suitable for obtaining the optimal solution in the case of limited samples [29]. SVM algorithm eventually evolved into a convex quadratic programming problem, which can avoid local extremum problems in neural networks; it can transform non-linear separable problems from low-dimensional space to high-dimensional space to achieve linear separability. In practical applications, the performance of the SVM is largely constrained by factors such as the penalty factor C and the type of the kernel function. PSO is a swarm intelligence algorithm that is widely used in parameter optimization and can effectively improve search efficiency [47,48]. In this study, we integrate SVM with PSO for parameter selection. The SVM kernel function used in this paper is the radial basis.
2.3.3. Deep Belief Network (DBN)
The DBN is mainly composed and stacked by several restricted Boltzmann machine (RBM) units. Each RBM includes a visible layer v and a hidden layer h. The RBM uses the information construction output in h as the input of the visible layer v. The SoftMax classifier is used for classification at the output layer. The input layer is used to input the originally extracted features [49]. The DBN method is divided into two phases: pretraining and fine-tuning. In the pretraining phase, the data is inputted into the input layer of the DBN and connected to the first RBM for unsupervised training. After the training, the output of the previous RBM is used as the input of the next RBM until the last RBM training is completed. In the global fine-tuning phase, based on the class information of the training data, DBN performs statistics and error recognition on the categories determined by the SoftMax classifier and then uses the backpropagation algorithm to update the connection weights in DBN and reduce reconstruction error between input and output data. Therefore, the feature extracted by the last RBM is the feature extracted by DBN.
2.3.4. Stacked Autoencoder (SAE) and Stacked Denoising-Autoencoder (SDAE)
Autoencoder (AE) is a kind of symmetrical three layers of the neural network [50]. The objective of AE is to reach the reconstruction error minimum and get the best output in the output layer. Several AE models can be stacked into SAE with l hidden layer. For the extracted features X, the total number of nodes at the input layer is the dimension of X. The first hidden layer is selected as the first AE to reconstruct the input data. Therefore, the input of the next hidden layer is the output of the adjacent previous hidden layer. The process is continued until the first hidden layer is trained. SAE uses the SoftMax classifier for classification at the output layer. The input layer is used to input data.
SDAE is proposed based on SAE. The main difference is that SDAE sets the input data to 0 according to the denoising probability P and then uses AE to reconstruct it. This enables SDAE’s robust intercourse SAE better.
2.3.5. Evaluation Criteria of Wellness Prediction
The confusion matrix is a specific table layout that allows assessment of the performance of each method. A confusion matrix is given in Table 4. To evaluate the prediction performance of the different models, four criteria were used in this study, including recall (REC), precision (PRE), F-score, and accuracy (ACC). The corresponding calculation based on the confusion matrix is as follows.
REC = TP/(TP + FN)(9)
PRE = TP/(TP + FP)(10)
F-score = 2(REC × PRE)/(REC + PRE)(11)
ACC = (TP + TN)/(TP + FP + TN + FN)(12)
where TP is True Positive, indicating that the prediction result is positive and actually positive; FP is False Positive, indicating that the prediction result is positive, but actually negative; FN is False Negative, indicating that the prediction result is negative, but actually positive; TN is True Negative, indicating that the predicted result is negative and actually negative. REC implies the fraction of actual positives that were predicted correctly. PRE indicates the fraction of positive identifications that are correct. F-score is a harmonic mean that takes both precision and recall into consideration. ACC is the fraction of correctly classified cases in total.3. Data Description and Model Setting
3.1. Subjects and Data Preprocessing
The original data were collected from a nursing home in Hong Kong. A total of 11 older adults (aged 68–86) participated in the health status assessment, including 9 females and 2 males. This study was approved by the Research Ethics Committee of City University of Hong Kong (reference number: 3-11-201709_01). The 11 individuals completed the vital signs data collection using TeleMedCare equipment (TMC, TeleMedCare Systems Pty Ltd., Sydney, Australia) under the guidance of healthcare professionals. Vital signs were collected from each elderly participant in the morning on a daily basis, and the time period of the study was three months. The data included ECG signal, systolic pressure, diastolic pressure, etc. Specifically, we extracted the ECG signal for predictive model development in this paper. The sampling frequency is 500 Hz, and the sampling time length of each ECG signal is 20–25 s. In addition, a questionnaire was assessed regularly for obtaining daily HI values.
Prior to feature construction, the original ECG signal needs to be properly segmented. In general, the larger the amount of input data, the better the feature learning performance of the prediction model. As the number of collected data samples was limited, each signal (length of 20–25 s) was segmented through a sliding window to increase the sample size of the input data. Each original ECG signal was divided into 5 s-long segments, and the sliding window was 1 s. For example, the length of an original ECG signal is 20 s, hence the ECG signal of the 1–5 s length is the first sample after being divided, and the 2–6 s is the second sample. Hence a 20-s ECG signal can be divided into 16 samples of 5 s in length. The Fisher–Yates operation was used to normalize the HI values for all samples. After preprocessing, the total number of the input sample was 6630. Among them, 3590 samples were labeled 0 and 2740 samples were labeled 1 (0 is ‘Better’ and 1 is ‘Worse’). At the model development stage, 70% of the samples with labels 0 and 1 were randomly picked for training the prediction model, and the remaining 30% of the sample was used for testing.
Figure 3 shows an example of the time domain diagram of two segmented ECG signals with an output label of 0 and 1, respectively. The length of each input signal is 500. The ECG signal of ‘Better’ case had certain vibration regularity, but ‘Worse’ had a poor regularity. It worth noting that the vibration amplitude range of the two signals is relatively close, making it challenging to automatically identify the corresponding wellness status.
3.2. Predefined Parameters of Models
For comparison purposes, we considered both the ECG signal-based dataset without feature construction (dimension of 500) and the dataset with the extracted 184 features for modelling. The covariates of both datasets were first processed by the normalization methods, and then the converted covariates were used as input for the RF, PSO-SVM, SAE/SDAE, and DBN models to predict the wellness statuses of the elderly participants. The predefined parameters in different models were set as follows:
(1). RF: For the RF model development, N (N < M) features need to be selected from M variables. According to the principle of minimum node purity, one characteristic was selected from these N variables to branch growth [51]. Because M = 500 or 184, N was set as 20 and 12 in this study.
(2). PSO-SVM: The maximum iteration number k was set as 200 in PSO with termination tolerance ep = 1 × 10−3. The range of particle position and velocity were set as . The population number was set as . Additionally, the acceleration factors were set as and . r1 and r2 are random numbers chosen from interval [0, 1].
(3). SAE/SDAE/DBN: For the SAE/SDAE/DBN model development on the original dataset without feature construction, the number of nodes at the input layer was set to 500, and the structure of the hidden layer was set to [500 500]. For the SAE/SDAE/DBN model development on the dataset with the extracted 184 features, the structure of the hidden layer was set to [184 184]. Two hidden layers were constructed with the maximum number of iterations set as 1000. The denoising rate in SDAE was set to 0.05. A sigmoid function was selected as the activation function, and the SoftMax classifier was used as the output layer. It should be noted that if the learning rate is set too large, the SAE/SDAE/DBN model easily falls into a local optimum, and the convergence rate of the SAE/SDAE/DBN model is slower [52]. In this study, the learning rate reduced linearly in 100 iterations intervals with the initial learning rate setting as 0.01.
4. Results and Discussion
4.1. Utility Analysis of Constructed Features
The features generated using different models presented in Section 2.1 are shown in Figure 4. Taking a comparison of ‘Better’ and ‘Worse’ wellness statuses for example, obvious differences can be observed at some representative features, as shown in the dotted rectangular area in Figure 4. Specifically, the differences between features extracted from RCMSE are the most obvious compared to the other models. This owes to the scale factor τ that enhances the difference. As the scale increases, the difference between ‘Better’ and ‘Worse’ cases becomes more obvious, as shown in Figure 4e. For the other feature construction approaches, the features of the ‘Better’ and ‘Worse’ cases are generally close to each other.
To further demonstrate that the performance of the feature construction strategies in this paper are more appropriate than using the original ECG signals as input directly, principal component analysis (PCA) was applied to reduce the dimensionality of the original ECG signal without feature construction (500 dimensions) and extracted 184 features (184 dimensions) for data visualization operations. The first three principal components (PCs) were used for the 3D visualization as shown in Figure 5. As can be seen, the ‘Better’ and ‘Worse’ cases without feature construction signals are basically mixed in Figure 5a. However, the ‘Better’ and ‘Worse’ cases can be well separated by the decision boundary (black dotted line) by using the extracted 184 features in Figure 5b. These primary results lay a good foundation for subsequent prediction and improve prediction accuracy.
4.2. Wellness Condition Prediction and Performance Evaluation
The wellness prediction results obtained from the testing stage are shown in Figure 6, where the blue points and red points represent the predicted values and actual values, respectively. In Figure 6, the left panel shows the results from models based on the original ECG signal datasets without feature construction, while the right panel shows the results from models based on the extracted 184 features. The coincidence of the red marked sample and the blue sample indicates that the sample is correctly classified. It can be seen that the classification accuracy on the right panel is higher than the left panel. For example, the samples shown in the blocked area in Figure 6a are misclassified by RF without feature construction by using the original ECG signal.
We conducted a numerical comparison to evaluate the performance of the different models with or without the extracted 184 features. REC, PRE, F-score, and ACC were used as evaluation criteria. The corresponding results are shown in Table 5. Overall, the RF model with feature construction achieved the best prediction performance (REC = 0.8844, PRE = 0.7294, F-score = 0.7995, ACC = 79.37%) compared to the other models. The ACC value of all models, such as RF, PSO-SVM, SDAE, SAE, and DBN with the extracted 184 features is significantly higher than that of models without feature construction. It is worth noting that the minimum ACC value of the models with feature construction (68.8% for SAE) is even higher than the maximum ACC of models without feature construction (57.06% for PSO-SVM). The F-score value of all the models, including RF, PSO-SVM, SDAE, SAE, and DBN with the extracted 184 features is significantly higher than that without feature construction. The highest F-score is 0.7995 for RF model with feature construction. The minimum F-score value achieved by the models with feature construction (0.7095 for SAE) is even higher than the maximum F-score value achieved by the models without feature construction (0.6787 for RF). Similarly, the REC values of all models with the extracted 184 features are significantly higher than that without feature construction. The REC value of the PSO-SVM without feature construction is 1, but this was due to the highly biased results that the FN is 0 in Equation (9) for this model. In fact, the PSO-SVM without feature construction incorrectly predicted all the samples as ‘better health condition’, which is consistent with the prediction results as shown in Figure 6i. The above results imply that the feature construction method proposed in this paper is effective in improving the wellness prediction performance of different machine learning models.
4.3. Cross-Validation
To further demonstrate the performance of the different models with the extracted 184 features, a threefold cross-validation was conducted in this study. Thus, 6330 ECG samples containing the 3590 samples under the ‘Better’ condition (label 0) and 2740 samples under the ‘Worse’ condition (label 1) were randomly divided into three groups. A total of 67% of the ‘Better’ condition and ‘Worse’ condition samples were used as the training data, the remaining 33% samples were used as the testing data. Finally, the average value of the ACC, REC, and F-score were calculated for evaluating the performance of the different models. The results are summarized in in Table 6.
All evaluation indicator values of the different models with the extracted 184 features were higher than those without feature construction as shown in Table 6. Specifically, the RF model with feature construction achieved the best prediction performance (REC = 0.9232, PRE = 0.6499, F-score = 0.7636, ACC = 80.397%). Overall, the models with feature construction improved the prediction accuracy by 5–10% compared with the other prediction models. These results demonstrate that the prediction power of the model with feature construction is superior to the model without feature construction.
5. Conclusions
In this study, we developed an approach for a one-day-forward wellness forecast for the community-dwelling elderly via single-lead short ECG signal analysis and modeling. Based on the raw signal data, we investigated extracting, constructing, and selecting relevant features to generate critical individual health indicators correlated with different wellness conditions for subsequent analysis. After feature construction and normalization, several predictive models, including PSO-SVM, RF, SAE, SDAE, and DBN, were implemented. To demonstrate the utility of the features in enhancing prediction power, we conducted a comprehensive comparison among predictive models with and without feature construction. Our experimental results showed that the models with the extracted 184 features achieved the best performance of wellness prediction. In practice, the proposed approach could be useful in the timely identification of elderly people with increased health risks, and could facilitate the decision-making of health care providers to take appropriate interventions as needed.
In future works, we will develop feature-selection methods based on health data characteristics, with penalized methods applied simultaneously in model training. Enriched methods could give more importance to key features and reduce model overfitting by computing the parameters estimated that minimize penalized objective features, which may lead to better performance of wellness prediction. Additionally, based on the feature construction methods examined in this study, we will investigate effective approaches to integrate various data sources (e.g., PPG, Blood Pressure, and SPO2) and data types via complex big data analytics methods for a more sophisticated depiction of individual health status.
Conceptualization: Y.Z. and F.X.; data collection: Y.Z., H.W. and X.F.; data analysis: Y.Z. and F.X.; methodology: Y.Z., F.X., H.W., X.F., K.-L.T. and Y.G.; writing—original draft: Y.Z., F.X., X.F. and H.W.; writing—review and editing: Y.Z., F.X., H.W., X.F., K.-L.T. and Y.G.; funding acquisition: Y.Z. and F.X. All authors have read and agreed to the published version of the manuscript.
This study was approved by the Research Ethics Committee of City University of Hong Kong (reference number: 3-11-201709_01).
Informed consent was obtained from all subjects involved in the study.
The data is available for research purpose upon reasonable request to
The authors wish to thank all the participants of the pilot studies.
The authors declare no conflict of interest.
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Figure 4. The extracted 184 features from ECG signals for one ‘Better’ and ‘Worse’ cases. (a) Time domain feature; (b) frequency domain feature; (c) wavelet energy feature; (d) EEMD with time domain feature; (e) RCMSE feature.
Figure 5. The result of the PC1-PC3 via PCA from the original ECG signals and 184 features.
HI and wellness condition description.
HI | Wellness Condition Description |
---|---|
1 | Poor |
2 | Fair |
3 | Good |
4 | Very Good |
5 | Excellent |
An illustration of output labels via Fisher–Yates normalization.
HI | 3 | 4 | 5 |
---|---|---|---|
Fisher–Yates value | −1.332 | −0.627 | 0.449 |
Wellness condition | Worse | Worse | Better |
Outcome label | 1 | 1 | 0 |
Confusion matrix.
Actual (+) | Actual (−) | |
---|---|---|
Predicted (+) | True positive (TP) | False positive (FP) |
Predicted (−) | False Negative (FN) | True Negative (TN) |
The performance comparison of different models.
Model | Input Dataset | REC | PRE | F-Score | ACC (%) |
---|---|---|---|---|---|
RF | Original ECG signal without feature construction | 0.8193 | 0.5792 | 0.6787 | 64.13 |
PSO-SVM | 1 | 0.4997 | 0.6664 | 57.06 | |
SAE | 0.4128 | 0.4066 | 0.4097 | 59.32 | |
SDAE | 0.2606 | 0.3757 | 0.3077 | 60.37 | |
DBN | 0.3642 | 0.6469 | 0.4661 | 55.18 | |
RF | The ECG signal with the extracted 184 features | 0.8844 | 0.7294 | 0.7995 | 79.37 |
PSO-SVM | 0.8394 | 0.7213 | 0.7759 | 76.96 | |
SAE | 0.8147 | 0.6284 | 0.7095 | 68.80 | |
SDAE | 0.8128 | 0.6303 | 0.7100 | 68.90 | |
DBN | 0.8450 | 0.6440 | 0.7309 | 71.15 |
The performance results of different models through cross validation.
Model | Input Datasets | REC | PRE | F-Score | ACC (%) |
---|---|---|---|---|---|
RF | Original ECG signal without feature construction | 0.8670 | 0.5283 | 0.6548 | 65.97 |
PSO-SVM | 1 | 0.4519 | 0.6255 | 56.67 | |
SAE | 0.2110 | 0.3698 | 0.2685 | 61.03 | |
SDAE | 0.3593 | 0.4131 | 0.3859 | 58.6 | |
DBN | 0.4486 | 0.6257 | 0.5105 | 56.52 | |
RF | The ECG signal with the extracted 184 features | 0.9232 | 0.6499 | 0.7636 | 80.397 |
PSO-SVM | 0.8822 | 0.6498 | 0.7203 | 78.89 | |
SAE | 0.8791 | 0.5491 | 0.6667 | 68.39 | |
SDAE | 0.8412 | 0.5688 | 0.6785 | 69.22 | |
DBN | 0.9125 | 0.6023 | 0.7255 | 70.25 |
References
1. Kashnitsky, I.; De Beer, J.; Van Wissen, L. Decomposition of regional convergence in population ageing across Europe. Genus; 2017; 73, 2. [DOI: https://dx.doi.org/10.1186/s41118-017-0018-2]
2. Yan, E.; Chan, K.; Tiwari, A. A Systematic Review of Prevalence and Risk Factors for Elder Abuse in Asia. Trauma Violence Abus. Rev. J.; 2015; 16, pp. 199-219. [DOI: https://dx.doi.org/10.1177/1524838014555033]
3. Census and Statistics Department. Hong Kong Population Projections 2015–2064. Available online: http://www.statistics.gov.hk/pub/B1120015062015XXXXB0100.pdf (accessed on 21 April 2022).
4. Kakria, P.; Tripathi, N.; Kitipawang, P. A real-time health monitoring system for remote cardiac patients using smartphone and wearable sensors. Int. J. Telemed. Appl.; 2015; 2015, 373474. [DOI: https://dx.doi.org/10.1155/2015/373474]
5. Etemadi, M.; Inan, O.T.; Heller, J.A.; Hersek, S.; Klein, L.; Roy, S. A wearable patch to enable long-term monitoring of environmental, activity and hemodynamics variables. IEEE Trans. Biomed. Circuits Syst.; 2015; 10, pp. 280-288. [DOI: https://dx.doi.org/10.1109/TBCAS.2015.2405480]
6. Sabesan, S.; Sankar, R. Improving long-term management of epilepsy using a wearable multimodal seizure detection system. Epilepsy Behav.; 2015; 100, pp. 56-57. [DOI: https://dx.doi.org/10.1016/j.yebeh.2015.02.057]
7. Sardini, E.; Serpelloni, M.; Pasqui, V. Wireless wearable T-shirt for posture monitoring during rehabilitation exercises. IEEE Trans. Instrum. Meas.; 2014; 64, pp. 439-448. [DOI: https://dx.doi.org/10.1109/TIM.2014.2343411]
8. Xu, J.; Song, L.; Xu, J.Y.; Pottie, G.J.; Van Der Schaar, M. Personalized active learning for activity classification using wireless wearable sensors. IEEE J. Sel. Top. Signal Processing; 2016; 10, pp. 865-876. [DOI: https://dx.doi.org/10.1109/JSTSP.2016.2553648]
9. Spanò, E.; Di Pascoli, S.; Iannaccone, G. Low-power wearable ECG monitoring system for multiple-patient remote monitoring. IEEE Sens. J.; 2016; 16, pp. 5452-5462. [DOI: https://dx.doi.org/10.1109/JSEN.2016.2564995]
10. Megalingam, R.K.; Unnikrishnan, U.; Subash, A.; Pocklassery, G.; Thulasi, A.A.; Mourya, G.; Jayakrishnan, V. Wearable medical devices in preventive health care: Cuffless blood pressure measurement. Intelligent Computing, Communication and Devices; Springer: Berlin/Heidelberg, Germany, 2015; pp. 745-752.
11. Lan, M.; Samy, L.; Alshurafa, N.; Suh, M.-K.; Ghasemzadeh, H.; Macabasco-O’Connell, A.; Sarrafzadeh, M. Wanda: An end-to-end remote health monitoring and analytics system for heart failure patients. Proceedings of the Conference on Wireless Health; San Diego, CA, USA, 23–25 October 2012; pp. 1-8.
12. Dubois, A.; Bihl, T.; Bresciani, J.-P. Identifying fall risk predictors by monitoring daily activities at home using a depth sensor coupled to machine learning algorithms. Sensors; 2021; 21, 1957. [DOI: https://dx.doi.org/10.3390/s21061957]
13. Usmani, S.; Saboor, A.; Haris, M.; Khan, M.A.; Park, H. Latest research trends in fall detection and prevention using machine learning: A systematic review. Sensors; 2021; 21, 5134. [DOI: https://dx.doi.org/10.3390/s21155134]
14. Fan, X.; Wang, H.; Zhao, Y.; Huang, K.H.; Wu, Y.T.; Sun, T.L.; Tsui, K.L. Automatic fall risk assessment with Siamese network for stroke survivors using inertial sensor-based signals. Int. J. Intell. Syst.; 2022; 37, pp. 6168-6184. [DOI: https://dx.doi.org/10.1002/int.22838]
15. Ghayvat, H.; Liu, J.; Mukhopadhyay, S.C.; Gui, X. Wellness sensor networks: A proposal and implementation for smart home for assisted living. IEEE Sens. J.; 2015; 15, pp. 7341-7348. [DOI: https://dx.doi.org/10.1109/JSEN.2015.2475626]
16. Yu, L.; Chan, W.M.; Zhao, Y.; Tsui, K.-L. Personalized health monitoring system of elderly wellness at the community level in Hong Kong. IEEE Access; 2018; 6, pp. 35558-35567. [DOI: https://dx.doi.org/10.1109/ACCESS.2018.2848936]
17. Arshad, A.; Khan, S.; Alam, A.Z.; Tasnim, R.; Boby, R.I. Health and wellness monitoring of elderly people using intelligent sensing technique. Proceedings of the 2016 International Conference on Computer and Communication Engineering (ICCCE); Kuala Lumpur, Malaysia, 26–27 July 2016; pp. 231-235.
18. Lim, C.-G.; Kim, Z.M.; Choi, H.-J. Context-based healthy lifestyle recommendation for enhancing user’s wellness. Proceedings of the 2017 IEEE International Conference on Big Data and Smart Computing (BigComp); Jeju Island, Korea, 13–16 February 2017; pp. 418-421.
19. Roscoe, L.J. Wellness: A review of theory and measurement for counselors. J. Couns. Dev.; 2009; 87, pp. 216-226. [DOI: https://dx.doi.org/10.1002/j.1556-6678.2009.tb00570.x]
20. Cooke, P.J.; Melchert, T.P.; Connor, K. Measuring well-being: A review of instruments. Couns. Psychol.; 2016; 44, pp. 730-757. [DOI: https://dx.doi.org/10.1177/0011000016633507]
21. He, C.; Fan, X.; Li, Y. Toward ubiquitous healthcare services with a novel efficient cloud platform. IEEE Trans. Bio.-Med. Eng.; 2013; 60, 230. [DOI: https://dx.doi.org/10.1109/TBME.2012.2222404]
22. Fan, X.; He, C.; Cai, Y.; Ye, L. HCloud: A novel application-oriented cloud platform for preventive healthcare. Proceedings of the IEEE International Conference on Cloud Computing Technology & Science; Taipei, Taiwan, 3–6 December 2012.
23. Paradiso, R.; Loriga, G.; Taccini, N. A wearable health care system based on knitted integrated sensors. IEEE Trans. Inf. Technol. Biomed.; 2005; 9, pp. 337-344. [DOI: https://dx.doi.org/10.1109/TITB.2005.854512]
24. Kailas, A.; Chong, C.C.; Watanabe, F. From mobile phones to personal wellness dashboards. IEEE Pulse; 2010; 1, 57. [DOI: https://dx.doi.org/10.1109/MPUL.2010.937244]
25. Meharia, P.; Agrawal, D.P. A hybrid key management scheme for healthcare sensor networks. Proceedings of the 2016 IEEE International Conference on Communications (ICC); Kuala Lumpur, Malaysia, 23–27 May 2016; pp. 1-6.
26. Chen, H. Smart health and wellbeing [Trends & Controversies]. IEEE Intell. Syst.; 2011; 26, pp. 78-90.
27. Naddeo, S.; Verde, L.; Forastiere, M.; De Pietro, G.; Sannino, G. A Real-time m-Health Monitoring System: An Integrated Solution Combining the Use of Several Wearable Sensors and Mobile Devices. Proceedings of the 10th International Joint Conference on Biomedical Engineering Systems and Technologies; Porto, Portugal, 21–23 February 2017; pp. 545-552.
28. Levis, J.T. ECG diagnosis: Hypokalemia. Perm. J.; 2012; 16, 57. [DOI: https://dx.doi.org/10.7812/tpp/12-015]
29. Acharya, U.R.; Fujita, H.; Oh, S.L.; Hagiwara, Y.; Tan, J.H.; Adam, M. Application of deep convolutional neural network for automated detection of myocardial infarction using ECG signals. Inf. Sci.; 2017; 415, pp. 190-198. [DOI: https://dx.doi.org/10.1016/j.ins.2017.06.027]
30. Fan, X.; Yao, Q.; Cai, Y.; Miao, F.; Sun, F.; Li, Y. Multiscaled fusion of deep convolutional neural networks for screening atrial fibrillation from single lead short ECG recordings. IEEE J. Biomed. Health Inform.; 2018; 22, pp. 1744-1753. [DOI: https://dx.doi.org/10.1109/JBHI.2018.2858789] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/30106699]
31. Huang, N.E.; Shen, Z.; Long, S.R.; Wu, M.C.; Shih, H.H.; Zheng, Q.; Yen, N.C.; Tung, C.C.; Liu, H.H. The empirical mode decomposition and the Hilbert spectrum for nonlinear and non-stationary time series analysis. Proc. Math. Phys. Eng. Sci.; 1998; 454, pp. 903-995. [DOI: https://dx.doi.org/10.1098/rspa.1998.0193]
32. Wu, Z.; Huang, N.E. Ensemble empirical mode decomposition: A noise-assisted data analysis method. Adv. Adapt. Data Anal.; 2011; 1, pp. 1-41. [DOI: https://dx.doi.org/10.1142/S1793536909000047]
33. Costa, M.; Goldberger, A.L.; Peng, C.K. Multiscale entropy analysis of biological signals. Phys. Rev. E; 2005; 71, 021906. [DOI: https://dx.doi.org/10.1103/PhysRevE.71.021906]
34. Zabihi, M.; Rad, A.B.; Katsaggelos, A.K.; Kiranyaz, S.; Narkilahti, S.; Gabbouj, M. Detection of atrial fibrillation in ECG hand-held devices using a random forest classifier. Proceedings of the Computing in Cardiology; Rennes, France, 24–27 September 2017.
35. Athif, M.; Yasawardene, P.C.; Daluwatte, C. Detecting atrial fibrillation from short single lead ECGs using statistical and morphological features. Physiol. Meas.; 2018; 39, 064002. [DOI: https://dx.doi.org/10.1088/1361-6579/aac552]
36. Sayantan, G.; Kien, P.T.; Kadambari, K.V. Classification of ECG beats using deep belief network and active learning. Med. Biol. Eng. Comput.; 2018; 56, pp. 1887-1898.
37. Tse, P.W.; Wang, D. Enhancing the abilities in assessing slurry pumps’ performance degradation and estimating their remaining useful lives by using captured vibration signals. J. Vib. Control; 2017; 23, pp. 1925-1937. [DOI: https://dx.doi.org/10.1177/1077546315604522]
38. Rai, A.; Upadhyay, S.H. Bearing performance degradation assessment based on a combination of empirical mode decomposition and k-medoids clustering. Mech. Syst. Signal Processing; 2017; 93, pp. 16-29. [DOI: https://dx.doi.org/10.1016/j.ymssp.2017.02.003]
39. Pincus, S.M. Approximate entropy as a measure of system complexity. Proc. Natl. Acad. Sci. USA; 1991; 88, pp. 2297-2301. [DOI: https://dx.doi.org/10.1073/pnas.88.6.2297]
40. Richman, J.S.; Moorman, J.R. Physiological time-series analysis using approximate entropy and sample entropy. Am. J. Physiol.-Heart Circ. Physiol.; 2000; 278, pp. H2039-H2049. [DOI: https://dx.doi.org/10.1152/ajpheart.2000.278.6.H2039]
41. Costa, M.; Goldberger, A.L.; Peng, C.K. Multiscale Entropy Analysis of Complex Physiologic Time Series. Phys. Rev. Lett.; 2002; 89, 068102. [DOI: https://dx.doi.org/10.1103/PhysRevLett.89.068102] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/12190613]
42. Zheng, J.D.; Cheng, J.S.; Yang, Y. A rolling bearing fault diagnosis approach based on multiscale entropy. J. Hunan Univ.; 2012; 39, pp. 38-41.
43. Long, Z.; Xiong, G.; Liu, H.; Zou, H.; Guo, W. Bearing fault diagnosis using multi-scale entropy and adaptive neuro-fuzzy inference. Expert Syst. Appl.; 2010; 37, pp. 6077-6085.
44. Wu, S.D.; Wu, C.W.; Lin, S.G.; Lee, K.Y.; Peng, C.K. Analysis of complex time series using refined composite multiscale entropy-ScienceDirect. Phys. Lett. A; 2014; 378, pp. 1369-1374. [DOI: https://dx.doi.org/10.1016/j.physleta.2014.03.034]
45. Fan, X.; Zhao, Y.; Wang, H.; Tsui, K.L. Forecasting one-day-forward wellness conditions for community-dwelling elderly with single lead short electrocardiogram signals. BMC Med. Inform. Decis. Mak.; 2019; 19, 285. [DOI: https://dx.doi.org/10.1186/s12911-019-1012-8]
46. Abellan, J.; Mantas, C.J.; Castellano, J.G. A Random Forest approach using imprecise probabilities. Knowl.-Based Syst.; 2017; 134, pp. 72-84. [DOI: https://dx.doi.org/10.1016/j.knosys.2017.07.019]
47. Bo, J.; Ning, W.; Wang, L. Particle swarm optimization with age-group topology for multimodal functions and data clustering. Commun. Nonlinear Sci. Numer. Simul.; 2013; 18, pp. 3134-3145.
48. Cabrerizo, F.J.; Herrera-Viedma, E.; Pedrycz, W. A method based on PSO and granular computing of linguistic information to solve group decision making problems defined in heterogeneous contexts. Eur. J. Oper. Res.; 2013; 230, pp. 624-633. [DOI: https://dx.doi.org/10.1016/j.ejor.2013.04.046]
49. Hinton, G.E.; Salakhutdinov, R.R. Reducing the Dimensionality of Data with Neural Networks. Science; 2006; 313, pp. 504-507. [DOI: https://dx.doi.org/10.1126/science.1127647]
50. Shin, H.C.; Orton, M.R.; Collins, D.J.; Doran, S.J.; Leach, M.O. Stacked Autoencoders for Unsupervised Feature Learning and Multiple Organ Detection in a Pilot Study Using 4D Patient Data. IEEE Trans. Pattern Anal. Mach. Intell.; 2013; 35, pp. 1930-1943. [DOI: https://dx.doi.org/10.1109/TPAMI.2012.277] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/23787345]
51. Cerrada, M.; Zurita, G.; Cabrera, D.; Sanchez, R.V.; Artes, M.; Li, C. Fault diagnosis in spur gears based on genetic algorithm and random forest. Mech. Syst. Signal Processing; 2016; 70–71, pp. 87-103. [DOI: https://dx.doi.org/10.1016/j.ymssp.2015.08.030]
52. Xu, F.; Huang, Z.; Yang, F.; Wang, D.; Tsui, K.L. Constructing a health indicator for roller bearings by using a stacked auto-encoder with an exponential function to eliminate concussion. Appl. Soft Comput.; 2020; 89, 106119. [DOI: https://dx.doi.org/10.1016/j.asoc.2020.106119]
You have requested "on-the-fly" machine translation of selected content from our databases. This functionality is provided solely for your convenience and is in no way intended to replace human translation. Show full disclaimer
Neither ProQuest nor its licensors make any representations or warranties with respect to the translations. The translations are automatically generated "AS IS" and "AS AVAILABLE" and are not retained in our systems. PROQUEST AND ITS LICENSORS SPECIFICALLY DISCLAIM ANY AND ALL EXPRESS OR IMPLIED WARRANTIES, INCLUDING WITHOUT LIMITATION, ANY WARRANTIES FOR AVAILABILITY, ACCURACY, TIMELINESS, COMPLETENESS, NON-INFRINGMENT, MERCHANTABILITY OR FITNESS FOR A PARTICULAR PURPOSE. Your use of the translations is subject to all use restrictions contained in your Electronic Products License Agreement and by using the translation functionality you agree to forgo any and all claims against ProQuest or its licensors for your use of the translation functionality and any output derived there from. Hide full disclaimer
© 2022 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/). Notwithstanding the ProQuest Terms and Conditions, you may use this content in accordance with the terms of the License.
Abstract
The accelerated growth of elderly populations in many countries and regions worldwide is creating a major burden to the healthcare system. Intelligent approaches for continuous health monitoring have the potential to promote the transition to more proactive and affordable healthcare. Electrocardiograms (ECGs), collected from portable devices, with noninvasive and cost-effective merits, have been widely used to monitor various health conditions. However, the dynamic and heterogeneous pattern of ECG signals makes relevant feature construction and predictive model development a challenging task. In this study, we aim to develop an integrated approach for one-day-forward wellness prediction in the community-dwelling elderly using single-lead short ECG signal data via multiple-features construction and predictive model implementation. Vital signs data from the elderly were collected via station-based equipment on a daily basis. After data preprocessing, a set of features were constructed from ECG signals based on the integration of various models, including time and frequency domain analysis, a wavelet transform-based model, ensemble empirical mode decomposition (EEMD), and the refined composite multiscale sample entropy (RCMSE) model. Then, a machine learning based predictive model was established to map the l-day lagged features to wellness condition. The results showed that the approach developed in this study achieved the best performance for wellness prediction in the community-dwelling elderly. In practice, the proposed approach could be useful in the timely identification of elderly people who might have health risks, and could facilitating decision-making to take appropriate interventions.
You have requested "on-the-fly" machine translation of selected content from our databases. This functionality is provided solely for your convenience and is in no way intended to replace human translation. Show full disclaimer
Neither ProQuest nor its licensors make any representations or warranties with respect to the translations. The translations are automatically generated "AS IS" and "AS AVAILABLE" and are not retained in our systems. PROQUEST AND ITS LICENSORS SPECIFICALLY DISCLAIM ANY AND ALL EXPRESS OR IMPLIED WARRANTIES, INCLUDING WITHOUT LIMITATION, ANY WARRANTIES FOR AVAILABILITY, ACCURACY, TIMELINESS, COMPLETENESS, NON-INFRINGMENT, MERCHANTABILITY OR FITNESS FOR A PARTICULAR PURPOSE. Your use of the translations is subject to all use restrictions contained in your Electronic Products License Agreement and by using the translation functionality you agree to forgo any and all claims against ProQuest or its licensors for your use of the translation functionality and any output derived there from. Hide full disclaimer
Details
1 School of Public Health (Shenzhen), Sun Yat-sen University, Shenzhen 518000, China
2 School of Mechanical and Electronic Engineering, Wuhan University of Technology, Wuhan 430070, China
3 College of Big Data and Internet, Shenzhen Technology University, Shenzhen 518000, China
4 School of Design, The Hong Kong Polytechnic University, Hong Kong, China
5 Grado Department of Industrial and Systems Engineering, Virginia Polytechnic Institute and State University, Blacksburg, VA 24061, USA
6 Department of Computer Science, Huanggang Normal University, Huanggang 438000, China