Abstract
Blood pressure monitoring is one avenue to monitor people’s health conditions. Early detection of abnormal blood pressure can help patients to get early treatment and reduce mortality associated with cardiovascular diseases. Therefore, it is very valuable to have a mechanism to perform real-time monitoring for blood pressure changes in patients. In this paper, we propose deep learning regression models using an electrocardiogram (ECG) and photoplethysmogram (PPG) for the real-time estimation of systolic blood pressure (SBP) and diastolic blood pressure (DBP) values. We use a bidirectional layer of long short-term memory (LSTM) as the first layer and add a residual connection inside each of the following layers of the LSTMs. We also perform experiments to compare the performance between the traditional machine learning methods, another existing deep learning model, and the proposed deep learning models using the dataset of Physionet’s multiparameter intelligent monitoring in intensive care II (MIMIC II) as the source of ECG and PPG signals as well as the arterial blood pressure (ABP) signal. The results show that the proposed model outperforms the existing methods and is able to achieve accurate estimation which is promising in order to be applied in clinical practice effectively.
    1. Introduction
According to the World Health Organization (WHO), cardiovascular diseases (CVDs) are causing great loss of life on a global scale. Most of the population die annually from CVDs than from some other cause. As reported in 2017, an estimated 17.9 million people died from CVDs in the previous year which represents 31% of all global deaths. Heart attack and stroke are kinds of CVDs that contribute up to 85% of these cases. Either people with CVD or those who have a high cardiovascular risk caused by several factors including high blood pressure, obesity, or existing established disease further need early detection and prevention using counseling or medicines adequately [].
Blood pressure (BP) is one amongst the influential physiological indicators of human health []. BP is closely related to cardiac function and peripheral blood vessels and is essentially used as a direct measurement for cardiovascular functions. BP changes in accordance with the process of blood transfer from heart to arteries. In every beat the heart contracts causing BP in the vessels to hit its maximum and rests in contrast causing BP in the vessels to reach its minimum, alternately. When BP hits its maximum, we refer to the value as systolic blood pressure (SBP), while the minimum is diastolic blood pressure (DBP). BP, as a matter of fact, varies over time due to numerous factors such as diet and mental state. Therefore, monitoring BP in a continuous way is necessary for accurate diagnosis and further treatment of related people [].
The conventional cuff-based BP measurement devices have repeated measurement operation which is discontinuous in nature, with an operation interval greater than at least one minute []. Hence, cuff-less BP measurement utilizing related biomedical signals becomes sought-after while accurate and effective BP estimation plays a vital role in clinical practice []. In recent years, some methods of BP detection and evaluation have been proposed. Feature engineering methods, particularly the methods based on arterial wave propagation theory and photoplethysmogram (PPG) morphology theory, have been studied most. The former method measures pulse transit time (PTT) to predict blood pressure levels []. This method usually requires two physiological signals, such as electrocardiogram (ECG) and PPG signals. This approach has been explored by several past studies (for example, [,,]) which verified the feasibility of the solution.
Another approach that assesses blood pressure levels by establishing a PPG morphological feature model has also been proposed []. This method requires a high-quality PPG signal, such as high sampling rates and sampling precision, and it is very sensitive to many kinds of noises. As the acquisition of ECG and PPG signals are popular in clinical settings and can provide more information to the regression model, this research adopts ECG and PPG simultaneously to estimate BP values.
There are so many established regression methods, such as support vector machines (SVM), linear regression, regression trees, model trees, ensemble of trees, and random forest [,]. The regression models for BP estimation involve the unknown parameters of the model denoted as α (algorithm-specific), the independent variables X (features from PPG or ECG) and the dependent variable Y (either SBP or DBP). In [], the authors proposed the GA-SVR (Genetic Algorithm Support Vector Regression) BP models to estimate the SBP and DBP. In the research performed in [], the authors estimated the SBP and DBP values using a regression tree, multiple linear regression (MLR), and SVM. A 10-fold cross-validation was applied to obtain overall BP estimation accuracy separately for all three machine learning algorithms.
Nowadays, most researchers apply deep neural networks because they allow them to have large amounts of labeled input data and be capable of modeling extremely complex and non-linear relationships between inputs and outputs. For BP estimation, the output layer of the network often consists of two neurons, one for SBP and the other for DBP [,,,]. The metric used for the performance evaluation of the model was mean absolute error (MAE) [,,,,]. Based on [], the authors proposed a regression model based on the deep belief-network (DBN)-deep neural network (DNN) to learn about the complex nonlinear relationship amidst the generated feature vectors obtained from the oscillometric wave and the observed blood pressures.
As mentioned in the previous study [], ECG and PPG are the signals that can be used to retrieve the important information for BP estimation. The temporal dependency between the patterns of ECG, PPG, and arterial blood pressure (ABP) signal can be seen in Figure 1. The ECG signal consists of five wave segments P, Q, R, S, and T, while the waveform of the PPG signal describes the systole and diastole of the cardiac cycle. Using these signals, we can derive the PTT value by measuring the time difference from the R peak of the ECG signal to the maximum slope on the PPG signal. On top of that, it is possible to derive other parameters, such as R to R peak interval in ECG, the amplitude of systolic peak, dicrotic notch, and second peaks, and the time interval between beats in PPG so that it is possible to extract more features.
 
      
    
    Figure 1.
      The temporal dependency between the patterns of an electrocardiogram (ECG), photoplethysmogram (PPG), and arterial blood pressure (ABP) signals.
  
In practical conditions, the term PTT refers to the travel time between aortic valve opening and arrival of the blood flow to the distal location. When the time is measured relative to the ECG QRS complex then it is generally used to define the term pulse arrival time (PAT), an interchangeably measure of PTT. Despite that, both timings could implicate poor correlation due to the variability of the pre-ejection period (PEP), which is from the related ECG QRS complex to the aortic valve opening []. This article follows the usage in previous literature [,,], and the term PTT is also adopted to avoid confusion.
In this work, we propose the deep long short-term memory (LSTM) networks to perform real-time BP estimation utilizing the features extracted from the ECG and PPG signals. The theories behind the BP estimation correlated features and methods introduced in Section 2 and Section 3 give details about the utilized methods and the overall framework. Details about the dataset and the environmental setup are presented in Section 4. Our experiment results are reported in Section 5 along with the discussion. Lastly, the paper is concluded in Section 6.
2. Background
BP is knowingly correlated to pulse wave velocity (PWV) []. The artery is assumed to be a cylindrical elastic tube with a radius of  (in unit m) and thickness of  (in unit m). Based on the Moens–Korteweg equation [,], we have the pulse wave velocity (PWV, in unit m/s) as follows:
      
        
      
      
      
      
    
      where  denotes the elastic modulus of arterial wall (in unit mmHg), and  represents the density of blood in the artery (in unit kg/m3).
As the BP increases, the velocity of the pulse wave traveling in the vessels is increasing as well. If the pulse wave is detected by two sensors apart from a distance of  on the artery, then the pulse wave transit time (PTT, in unit s) can be derived by
      
      
        
      
      
      
      
    
It is assumed the elastic modulus of the arterial wall  is a constant in Equation (2). In fact, the value of  in the artery is verified to be exponentially increased with the blood pressure  (in unit mmHg), especially for central artery near the heart, and can be represented by []:
      
        
      
      
      
      
    
      where  denotes the elastic modulus at 0 mmHg and  is a real-valued parameter larger than zero that is closely related to arterial stiffness. The value of  is greater for the stiffer arteries.
Substitute Equation (3) into (2) and the equation can be manipulated to be
      
      
        
      
      
      
      
    
It can be observed that there exists a nonlinear relationship between blood pressure  and PTT. This equation implies that the BP value can be estimated from PTT which has been commonly used as an indicator to indirectly estimate BP continuously and cufflessly in previous studies []. Apart from its definition as the time taken by the arterial pulse propagating from the heart to a peripheral site, PTT can be calculated as the time interval between the ECG peak with a maximum slope point (first derivative) of PPG as well []. However, since there exist several parameters that are highly dependent on the personal arterial characteristics, as shown in Equation (4), it also implies that the BP estimation based on PTT is a challenging task.
Furthermore, the PTT-based BP estimation technique has not been widely accepted yet for cuffless and continuous BP monitoring because its estimation accuracy is limited for clinical uses []. The reason can be obtained indirectly from Equation (4), where it can be observed that the relationship between BP and PTT is not only nonlinear but also that some parameters are closely related to personal arterial characteristics. These issues make PTT-based BP estimation unsatisfactory for a clinical requirement. In order to cover the information about personal arterial characteristics, some other parameters are also included in this research (see Section 3).
3. Methodology
We propose a blood pressure estimation algorithm based on a deep learning model that contains BiLSTM (Bidirectional Long Short-Term Memory) in the first layer and followed by  layers of LSTM. Specifically, we used residual connection for each LSTM layer with the input of seven features listed on Table 1. The features are generated from the ECG signal or/and PPG signals. Some parameters that are applied to generate features from the PPG signal are shown in Figure 2.
 
       
    
    Table 1.
    Features extracted from the ECG and the PPG signal, together with their unit.
  
 
      
    
    Figure 2.
      Illustration of PPG parameters.
  
3.1. Preprocessing
3.1.1. Low-Frequency Removal by Fourier Transform
The discrete Fourier transform (DFT) is the method that can be used for converting time-domain signals into the frequency domain to obtain frequency coefficients for discrete-time sequences []. Let  represent the input signal; the DFT of  is denoted as . The low-frequency artifact can be reduced by turning off the low-frequency component as follows:
      
        
      
      
      
      
    
          where  is the upper limit frequency index of low-frequency artifact. Let  denote the sampling frequency of the signal (in Hz) and  the length of DFT; then, the relationship between the practical frequency  and the frequency index  of DFT is  Hz []. The sampling frequency of signals adopted for this research is 125 Hz, and the DFT length  is equal to 4096. The signal can then be restored with the inverse DFT, as follows:
      
        
      
      
      
      
    
The value of  is derived by , where  is the upper limit for the low-frequency artifact and the symbol  represents the operator that rounds the value to the nearest integer toward the direction of negative infinity. The sampling frequency of signals adopted for this research is 125 Hz, and the DFT length  is equal to 4096. The upper limit for the low-frequency artifact is 0.1 Hz in this research. From these parameters, the value of  in Equation (5) is derived to be 3.
3.1.2. Normalization
We normalize the amplitude of ECG and PPG signals to the range [0, 1] to ease and robustify the process of comparisons and analysis. The unit of ECG and PPG signals’ amplitude is arbitrary, and the feature extracted from it can depend on the amplification/scaling of individual recordings. Thus, normalization is done to make sure that the value extracted is meaningful. This process is done by dividing the subtraction of each sample  in the signal  and the minimum value of the corresponding signal with the subtraction of the maximum value and the minimum value of the corresponding signal, as follows:
      
        
      
      
      
      
    
3.2. Features Extraction
We follow the procedure described in [] for features extraction. There are seven features to be used as the input to the deep learning models. To extract those features, first we do R peaks’ detection on the whole ECG signal using the Pan–Tompkins algorithm []. Based on the fiducial R peaks, the other four parameters including foot, systolic peak, dicrotic notch, and second peak (as indicated in Figure 2) are also detected on the whole PPG signal. After that, we specify the window size of a cycle. Here, we define a “cycle” as a time window that is always started from R peak, followed by systolic peak, next R peak, and ended by the following R peak. While performing sliding window method, with a window size less than or equal to 200 data points, we extract the seven features for each window. Thus, every cycle that does not meet the criteria is skipped as we consider it as abnormal.
All of the features are listed in Table 1 along with the calculation and the unit for each feature. Feature number 1 (PTT) is obtained by computing the distance between the ECG R peak and the PPG maximum slope within half a cycle. Feature number 2 (HR) is obtained from both R peaks in a cycle while the rest of the features (RI, ST, UT, SV, DV) are obtained within the range of the first foot to the second foot of a cycle. We pick the definition of foot, denoted as , as the minimum of the waveform in the region. The maximum of the waveform following the foot is called the systolic peak, denoted as . We take the minimum of the subtraction between the signal and the straight line going from the systolic peak to the foot as  which denotes the dicrotic notch. Lastly, the second peak is defined by the minimum of the second derivative of the waveform following the dicrotic notch, which is denoted as  [].
3.3. Multiple Linear Regression (MLR)
Linear regression analysis is carried out to make predictions about the values of the dependent variable, , based on one explanatory variable. MLR, as an extension to that, uses a set of  explanatory variables () instead of one. With the assumption that  is directly related to a linear combination of the , the relationship between the dependent and the explanatory variables is modeled as
        
      
        
      
      
      
      
    
        where i denotes the observational unit of  from the dependent variable,  is the constant term,  to  are the coefficients relating the  explanatory variables to the variables of interest, and  is the error term (which is also known as residual) of the model [].
3.4. Regression Ensemble
Some methods built for solving regression problems are mentioned as weak learners due to their poor performance. These learners usually combine complex models to improve performance. The ensemble method must comprise of a different character of single learners to reduce the prediction error in regression. For instance if one single learner can have a high bias but low variance then the combination pair should be a learner with strength in reducing the bias []. Taxonomically, there are several ensemble techniques. A well-known category, called data resampling, is trying to obtain a unique learner by generating different training sets. The following three kinds of algorithm that aim at combining weak learners belong to such category []:
- Bagging: The base learners are trained on the resampled training set independently from each other in parallel and are combined by following a deterministic averaging process. It is a combination of bootstrapping and aggregation methods to form an ensemble model.
- Boosting: The base models learn sequentially in an adaptive way which combines them by following a deterministic strategy. It starts from learning on the whole data set by giving an equal weight to each observation, whereas the following learns on a training set based on the performance of the earlier. The higher weight is given to the observation corresponding to the worse performance.
- Stacking: It consists of two stages that firstly generate a new dataset from the output of parallelly-trained base models. Then, the dataset is used for meta-algorithm learning to produce the final output.
3.5. Deep LSTM
LSTM is an exceptional kind of recurrent neural network (RNN) that is introduced as one breakthrough in handling long-term dependencies by resolving the vanishing gradient problem. A slight nuance between the architecture of RNN and standard LSTM is the hidden layer or the so-called cell []. The core point behind the LSTM success is the memory cell that can preserve its state over time and its nonlinear gating units that thoroughly regulate the information flow [], which is shown in Figure 3.
 
      
    
    Figure 3.
      Long short-term memory (LSTM) cell with its gates presented as rectangles.
  
Fundamentally at time , the LSTM cell is composed of a layer input  and a layer output . The complicated cell also carries the cell input state , the cell output state , and the output state of the prior cell . This information is learned during the training and consequently used for updating parameters. The cell state is protected and regulated by three gates consist of forget gate , input gate , and output gate . As illustrated in the same figure, the gates are composed out of a sigmoid  as the activation function. Due to its gate structure in cells, LSTM can deal with long-term dependencies to allow useful information to pass through and to let the redundant information be removed from the LSTM network [].
One layer of LSTM is composed of multiple memory cells. Given  number of cells of time steps, the final output of an LSTM layer is a vector comprises of all the cell outputs , represented by . In this paper, when we take the BP estimation problem as an example, only the last element of the output vector, , is what we want to predict. Hence, the estimated blood pressure value , for the next iteration time , is namely .
The depth of network remarkably contributes to the success of solving many filed tasks. Essentially, we can see the deep network as a processing pipeline; that in each layer a part of the task is being solved before conveying it until to the final layer to provide the output []. With a hypothesis that increasing the depth of the network provides a more efficient solution in solving the long-term dependency problem of sequential data [], we present four different deep LSTM models by stacking several LSTM layers to yield the performance at estimating the blood pressure.
3.6. BiLSTM
Bidirectional LSTM (BiLSTM) connects the two hidden layers of LSTM to the output layer. Having two LSTM as one layer in the application prompts enhancing the learning long-term dependency and, along these lines, it subsequently will improve the model performance []. A prior study proved that the bidirectional networks are significantly better than the standard ones in many fields [], including the BP estimation case as well []. The structure of an unfolded BiLSTM layer which contains a forward LSTM layer and a backward LSTM layer is illustrated in Figure 4.
 
      
    
    Figure 4.
      The unfolded architecture of Bidirectional LSTM (BiLSTM) with three consecutive steps.
  
As the forward LSTM layer output sequence , is obtained in a common way as the unidirectional one, the backward LSTM layer output sequence , is calculated using the reversed inputs from time  to . These output sequences then fed to  function to combine them into an output vector  []. Similar to the LSTM layer, the final output of a BiLSTM layer can be represented by a vector, [], in which the last element, , is the estimated blood pressure for the next iteration.
3.7. Residual Connection
Empirical evidence found that residual connection can improve performance on long-term dependency task significantly []. As shown in Figure 5, the formulation of  can be perceived by feedforward neural networks with shortcut connections which simply perform identity mapping as their further outputs are inserted to the outputs of the stacked layers.
 
      
    
    Figure 5.
      Residual connection.
  
The building block of residual is like this formula:
      
        
      
      
      
      
    
        where  and  are the input and output vectors of the layers considered. The function  represents the residual mapping to be learned. For the example in Figure 5 that has three layers,  in which  denotes ReLU [] and the biases are omitted for simplifying notations.
The operation F(x) +
        x is performed by a shortcut connection and element-wise addition. We adopt the second nonlinearity after the addition (i.e., , see Figure 5) []. In this paper, we present four deep LSTM models, with the three proposed models using the residual connection while the other does not. By doing this, we can see the impact of residual connection at improving the deep LSTM model for estimating blood pressure.
3.8. Overall Framework
The overall flow diagram of the proposed methodology is presented in Figure 6, which is summarized in the following steps:
 
      
    
    Figure 6.
      Flow diagram of the proposed methodology.
  
- Extract the ECG, the PPG, and the ABP signals.
- Preprocess the ECG and PPG signals, which primarily includes the removal of baseline wander and motion artefacts.
- Derive waveform features from cycles of the preprocessed ECG and PPG signal and reference BPs (SBP and DBP) from the ABP signal.
- Train models for BP estimation using machine learning, deep learning, and the proposed model.
- Evaluate the estimation accuracy of SBP and DBP.
The LSTM network used in our experiment is illustrated in Figure 7. In the diagram, the initial state  is a zero vector,  is the number of features,  is the number of hidden units, and  is the number of time series defined as the signal’s length. We feed the network with the  feature matrix  and set the hidden unit to 256. Thus, for each LSTM cell at the current time step , the input layer  is a set of  features.
 
      
    
    Figure 7.
      Illustration of the LSTM network used in the experiment.
  
Let  be the network input feed and the target BP sequence is denoted as . We can factorize the conditional probability of  as follows:
      
        
      
      
      
      
    
        where  is a set of 256 hidden units and has been denoted as the layer output in the LSTM cell. It is generated from previous hidden state  with the current input  as follows:
      
        
      
      
      
      
    
The last  of the sequence will be the final state of the corresponding LSTM layer. This state acts like a memory to preserve historic information and will be used as the initial state for the next following LSTM layer.
We propose four different LSTM models as well which are shown in Figure 8. All of the proposed models are started by one layer of BiLSTM followed by a series of stacked LSTM layers, a fully connected (FC) layer, and the regression layer as the output. We use BiLSTM in the first layer to fully capture the semantic information of the whole input signal as it takes the input sequence in its original and reverse order []. We then apply a residual connection in the following stacked LSTM layer to overcome the exploding or vanishing gradient problem. The residual connection allows gradients to directly flow through the network without passing a nonlinear activation function whose nonlinearity nature causes the gradients to explode or vanish. The output from the last layer of stacked LSTM is fed into the FC layer and then regresses into two scalar outputs which represent SBP and DBP values. The difference between the number of the LSTM layer and the residual connection is indicated in the performance. These models’ performances will be shown and discussed in Section 5.
 
      
    
    Figure 8.
      The proposed models: (a) Model 1, (b) Model 2, (c) Model 3, and (d) Model 4.
  
4. Experiment
4.1. Dataset
The database utilized in this paper is from the multivariate intelligent monitoring in intensive care II (MIMIC II), which is an online waveform database provided by Physionet. MIMIC II contains more than 25,000 instances, indicating a patient’s record, and three biomedical signals are collected for each instance. The signals include:
- (1)
- PPG signal acquired from the sensor placed on the fingertip.
- (2)
- ABP signal is acquired by invasive probe, recorded in the unit of mmHg.
- (3)
- ECG signal (usually lead II) is recorded by an electrocardiograph.
The waveform signals are sampled at a frequency of 125 Hz. As the signals in the original MIMIC II database may be corrupted by motion or intermittent for unknown reasons, the cleaner dataset that has been prescreened from MIMIC II in the literature [] is adopted in this paper. The dataset includes the raw ECG, PPG, and ABP signals and have already been converted into the MATLAB binary data format []. Our first thing to do is to extract the three signals for each record since the database consists of a cell array of matrices with each cell representing one record. In each matrix, each row corresponds to one signal channel. The statistic of the dataset based on the ABP signal is shown in Figure 9.
 
      
    
    Figure 9.
      Statistics of the datasets used in the experiments. (a) Histogram of systolic blood pressure (SBP) values, (b) histogram of diastolic blood pressure (DBP values, and (c) histogram of mean arterial pressure (MAP) values.
  
The ECG signal may be affected by various noises in its frequency range (0.5–150 Hz). This range contains different internal and external noises with the most common noises being the muscle artefact, baseline wander, and power line interference (PLI) which may be due to the muscle contraction, body movement, respiration, poor contact between the electrode and the subject’s skin, and so on [].
The PPG signal’s quality naturally relies upon the area and the properties of the subject’s skin at measurement, including the individual skin structure, the blood oxygen saturation, blood flow rate, skin temperatures, and the measuring environment. These factors create a few sorts of added substance of artefact which may be contained within the signals which may influence the extraction of features and hence the overall diagnosis, particularly when the signal and its derivatives will be assessed in the algorithm. Taking a dicrotic notch (see Figure 2) as an example, this property is commonly observed from the compliant arteries in the catacrotic phase of subjects but may not appear in the signal due to some occurrences during the acquisition.
As PLI is not apparent for the ECG and PPG signals in the MIMIC II dataset, the noises that have to be removed are those low-frequency artifacts buried in the signals. To enhance the quality of the ECG and PPG signals for further analysis, we remove the low-frequency components from the signal to reduce the baseline wandering effect as well as other low-frequency artefacts. This process is done by applying Fast Fourier Transform (FFT), the fast algorithm of DFT (refer to Section 3.1.1). After removing segments that are corrupted by noises and unexpected movement of the users, there are a total of 1,113,634 records of cycle from 3000 randomly selected subjects with features including PTT, HR, RI, ST, UT, SV, and DV extracted from the ECG and PPG signals (refer to Section 3.2). We also extract the SBP and DBP values from the ABP signals as the ground truth. We further remove some parts with very high or very low BP values (e.g., SBP ≥ 180, DBP ≥ 130, SBP ≤ 80, DBP ≤ 60). The final datasets consist of 678,202 records of a cycle. In Table 2, we show statistical information about the distribution such as the standard deviation (STD) and mean as well as the ranges of the DBP, MAP, and SBP values in the datasets. We randomly select 80% of them as the training set and reserve the remaining for the testing set. So, the total number of records is 542,561 for training and 135,641 for testing. The training set and testing sets are disjointed completely.
 
       
    
    Table 2.
    Statistics of the blood pressure for the database used in the experiments.
  
Following our network implementation, the dataset is organized into a  matrix , and each row of  is normalized to have zero-mean and unit variance. As mentioned in Section 3.8,  is the number of columns based on the length of the signal in each subject. The normalized features will become the input to the proposed LSTM model. The ground truth (we take only SBP and DBP values from the ABP signal) is then normalized into the range of [0, 1].
4.2. Environment Details
Various deep learning-based open source libraries such as Tensorflow, Keras, Theano, and Caffe have been recently provided. In this paper, we use the Deep Learning Toolbox from Matlab which provides a framework for designing and implementing deep neural networks []. We perform experiments using MATLAB 2019A inside the Windows 10 Enterprise computer with Intel® Core™ i5 3.2 GHz processor. We have RAM of 8GB and GPU GeForce GTX 750 Ti 18GB equipped on the computer as well.
4.3. Error Metrics
We use three kinds of error metric calculation to measure the error from the models in the experiments, namely mean absolute error (MAE), root mean square error (RMSE), and standard deviation (STD) []. Let the model-predicted value be considered as a prediction result for the given input features, and the error be the distance between the observed value of BP and model-predicted value.
5. Results and Discussion
Following the steps in the flow diagram of the proposed methodology (see Figure 6), we present the experimental results. We compare the performance of our proposed deep LSTM models, traditional machine methods for regression problem, and the existing deep learning model to estimate the value of SBP and DBP. Next, the discussion on the analysis of experimental results is given at the end of this section.
5.1. Experimental Results
Our proposed models use deep residual connected LSTM layers (number of layers varies from 4 to 6), and BiLSTM is embedded at the first layer in each model (refer to Figure 8). On the bottom of the network, we append an FC layer and a regression layer. For each LSTM and BiLSTM layer, there are 256 hidden layers, with a dropout rate set to 0.2, and the activation function set to ReLU. The initial learning rate is set to 0.003 and will decrease in every 125 periods with a factor of 0.2. The maximal epochs were set to 50. The Adam Optimizer is used in the training process. Figure 10 shows the final real-time demonstration program developed in our laboratory with the subject numbered 315 as an example. Both of the SBP and DBP prediction results (presented as “Estimated”) are showing very small errors to the observed value (presented as “Practical”).
 
      
    
    Figure 10.
      Our real-time demonstration program.
  
5.2. Discussion
There are three traditional machine learning methods, namely the linear regression, random forest [,] with bagging optimization, and least squares (LS) boost [] which is a linear regression with a boosting algorithm used as a baseline in this comparison task. We conduct the experiment on 50 records of subjects which comprised of 6852 records of a cycle. We partition this data disjointly; 80% for training (5482 records) and the rest for testing (1370 records) with all the results are shown in Table 3. All of the proposed models produce better results compared to the baseline (shown as underlined and bold). The MAE, STD, and RMSE for linear regression are the highest. The performance of random forest is approaching the proposed models. In particular, the proposed models present a strong advantage over the traditional machine learning methods because they can model the mapping function between the input features and output BP by learning the temporal relations between successive frames, which enhance their prediction ability. Moreover, deep learning models can be trained with less human intervention compared with the traditional machine learning methods.
 
       
    
    Table 3.
    The proposed models compared with traditional machine learning methods on 1370 records.
  
Bias and variance are the two most important features that we would like to observe for a machine learning model. Bias is how far the predicted values are from the ground truth values. If the average predicted values are far off from the ground truth values, the bias will be high. In the same table, we can find that Model 2 has the lowest bias, but the variance is a little bit high. Based on [], this phenomenon shows that the models are somewhat accurate but inconsistent on average. As for model 4, it has the lowest variance but a higher bias. It shows that the model is consistent but inaccurate on average. This is commonly called the bias–variance tradeoff and gets into the heart of why machine learning is difficult.
We evaluate the performance of our best proposed model, Model 2, based on British Hypertension Society (BHS) standard [] and Association for the Advancement of Medical Instrumentation (AAMI) standard []. According to the BHS standard, the proposed model acquires grade B and A for SBP and DBP prediction, respectively. This grading is based on the cumulative percentage errors under particular thresholds, as shown in Table 4. In the same table, the comparison between our model results on mean error (ME) and STD with the AAMI criterion is presented. The AAMI recommends a test on more than 85 subjects with ME and STD under 5 mmHg and 8 mmHg, respectively. Our model is trained and tested on a larger population of subjects and the overall result satisfy the standard margin. However, the STD value of the SBP prediction is out of the margin which might be due to the uniqueness of the human body, especially the fact that our model tested on a very large set which is selected randomly. The distribution of the absolute error of both SBP and DBP prediction is demonstrated in Figure 11.
 
       
    
    Table 4.
    Performance evaluation based on BP estimation standards on 135,641 records.
  
 
      
    
    Figure 11.
      (a) SBP absolute error histogram from Model 2 (b) DBP absolute error histogram from Model 2.
  
In Table 5, we compare our best model with an existing deep learning model proposed in []. This model embodies two levels of hierarchy which consist of artificial neural networks (ANN) to extract the features in the lower level and LSTM to learn the temporal relations amongst those features in the upper level. We use our preprocessed data to conduct a fair comparison with the number of records mentioned in Section 4. The results show that our model outperforms this model despite the variance of the length of the feature vector sequence, which is 10 and 32. We also compare our model with a deep neural network (DNN) which consists of five FC layers. This DNN model is created with the same structure of the model 2. We replace the BiLSTM and the LSTMs in the model with ANN to test the importance of the memory for the BP estimation task. The number of neurons in the first four layers is set to 256 and we apply residual connection for every layer. The result shows that applying memory cell into the model reduce the overall error significantly.
 
       
    
    Table 5.
    Our proposed model compared with deep learning methods on 135,641 records.
  
In statistical learning theory, tuning model complexity precisely is one of accomplishment considering it as a subtle idea. Essentially, models with higher complexity require a greater number of training datasets. Thus, the variance in the learned models is going to be much larger for the models with higher complexity than the simpler ones. We ought to use a definite measure of prediction error and explore different levels of model complexity. Accordingly, we can determine the complexity level that performs with the lowest overall error. The fundamental thing to this procedure is the selection of the accurate error measures as wrong error metric is prone to misleading the research direction [,].
6. Conclusions and Future Work
In this paper, a deep learning model based on the ECG and PPG signals for the continuous estimation of SBP and DBP has been implemented. We perform the experiments to compare the accuracy between the traditional machine learning methods and the existing deep learning-based method. The experimental results show that the proposed models can reduce the value of MAE, STD, and RMSE for both SBP and DBP prediction. It shows that our model is state-of-the-art compared to the baseline. Furthermore, the overall performance for DBP estimation passes the BHS and AAMI standard while the SBP estimation passes the BHS standard only.
Nonetheless, our proposed model relies on ECG and PPG signals which have some limitations. Despite our motivation to build a model for BP monitoring in continuous way, the acquisition of a long-term ECG signal itself can be cumbersome. Moreover, some PPG signals did not have a dicrotic notch at a certain moment. Therefore, features based on dicrotic notch may not be available at all times. The dataset we used in this study acquires PPG from finger-tip sensors that are mostly used in clinical settings only. For more efficient BP monitoring, a wearable device with a PPG sensor on a wrist can alternatively be used. However, the signal contains a lot more noise compared with the PPG obtained from finger-tip sensor. In the future, we will try to exclude features based on parameters such as a dicrotic notch to estimate the blood pressure. Another direction is that we may try to use the current features together with the derivatives of them (∆PTT, ∆HR, ….) to see if the accuracy can be further enhanced.
Author Contributions
Conceptualization, Y.-D.L.; Methodology, Y.-H.L. and Y.-D.L.; Software, L.N.H. and K.P.; Supervision, Y.-H.L.; Writing—original draft, L.N.H. and K.P.; Writing—review & editing, Y.-H.L. and Y.-D.L. All authors have read and agreed to the published version of the manuscript.
Funding
This research is funded by Ministry of Science and Technology in Taiwan under Contract No. MOST 109-2221-E-008-066.
Conflicts of Interest
The authors declare no conflict of interest.
References
- WHO. Cardiovascular Diseases (CVDs). Available online: https://www.who.int/news-room/fact-sheets/detail/cardiovascular-diseases-(cvds)#:~:text=CVDs%20are%20the%20number%201,to%20heart%20attack%20and%20stroke (accessed on 5 May 2019).
- Rundo, F.; Ortis, A.; Battiato, S.; Conoci, S. Advanced bio-inspired system for noninvasive cuff-less blood pressure estimation from physiological signal analysis. Computation 2018, 6, 46. [Google Scholar] [CrossRef]
- Kachuee, M.; Kiani, M.M.; Mohammadzade, H.; Shabany, M. Cuff-less high-accuracy calibration-free blood pressure estimation using pulse transit time. In Proceedings of the 2015 IEEE International Symposium on Circuits and Systems (ISCAS), Lisbon, Portugal, 24–27 May 2015; pp. 1006–1009. [Google Scholar]
- Geddes, L.A.; Voelz, M.; Combs, C.; Reiner, D.; Babbs, C.F. Characterization of the oscillometric method for measuring indirect blood pressure. Ann. Biomed. Eng. 1982, 10, 271–280. [Google Scholar] [CrossRef] [PubMed]
- Zhang, B.; Wei, Z.; Ren, J.; Cheng, Y.; Zheng, Z. An empirical study on predicting blood pressure using classification and regression trees. IEEE Access 2018, 6, 21758–21768. [Google Scholar] [CrossRef]
- Ding, X.; Yan, B.P.; Zhang, Y.-T.; Liu, J.; Zhao, N.; Tsang, H.K. Pulse transit time based continuous cuffless blood pressure estimation: A new extension and a comprehensive evaluation. Sci. Rep. 2017, 7, 11554. [Google Scholar] [CrossRef] [PubMed]
- Tanveer, M.S.; Hasan, M.K. Cuffless blood pressure estimation from electrocardiogram and photoplethysmogram using waveform based ANN-LSTM network. Biomed. Signal Process. Control. 2019, 51, 382–392. [Google Scholar] [CrossRef]
- Sanuki, H.; Fukui, R.; Inajima, T.; Warisawa, S.I. Cuff-less calibration-free blood pressure estimation under ambulatory environment using pulse wave velocity and photoplethysmogram signals. In Proceedings of the 10th International Joint Conference on Biomedical Engineering Systems and Technologies—Volume 4: BIOSIGNALS, (BIOSTEC 2017), Porto, Portugal, 21–23 February 2017. [Google Scholar]
- Mousavi, S.S.; Hemmati, M.; Charmi, M.; Moghadam, M.; Firouzmand, M.; Ghorbani, Y. Cuff-Less blood pressure estimation using only the ecg signal in frequency domain. In Proceedings of the 2018 8th International Conference on Computer and Knowledge Engineering (ICCKE), Mashhad, Iran, 25–26 October 2018; pp. 147–152. [Google Scholar]
- Khalid, S.G.; Zhang, J.; Chen, F.; Zheng, D. Blood pressure estimation using photoplethysmography only: Comparison between different machine learning approaches. J. Healthc. Eng. 2018, 2018, 1548647. [Google Scholar] [CrossRef]
- Chen, S.; Ji, Z.; Wu, H.; Xu, Y. A non-invasive continuous blood pressure estimation approach based on machine learning. Sensors 2019, 19, 2585. [Google Scholar] [CrossRef]
- Eom, H.; Lee, D.; Han, S.; Hariyani, Y.S.; Lim, Y.; Sohn, I.; Park, K.; Park, C. End-to-end deep learning architecture for continuous blood pressure estimation using attention mechanism. Sensors 2020, 20, 2338. [Google Scholar] [CrossRef]
- Slapničar, G.; Mlakar, N.; Luštrek, M. Blood pressure estimation from photoplethysmogram using a spectro-temporal deep neural network. Sensors 2019, 19, 3420. [Google Scholar] [CrossRef]
- Lee, S.; Chang, J. Oscillometric blood pressure estimation based on deep learning. IEEE Trans. Ind. Inform. 2017, 13, 461–472. [Google Scholar] [CrossRef]
- Wang, C.; Yang, F.; Yuan, X.; Zhang, Y.; Chang, K.; Li, Z. An End-to-End Neural Network Model for Blood Pressure Estimation Using PPG Signal. In Artificial Intelligence in China; Springer: Singapore, 2020; pp. 262–272. [Google Scholar] [CrossRef]
- Lo, F.P.; Li, C.X.; Wang, J.; Cheng, J.; Meng, M.Q. Continuous systolic and diastolic blood pressure estimation utilizing long short-term memory network. In Proceedings of the 2017 39th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Seogwipo, Korea, 11–15 July 2017; pp. 1853–1856. [Google Scholar]
- Balmer, J.; Pretty, C.; Davidson, S.; Desaive, T.; Kamoi, S.; Pironet, A.; Morimont, P.; Janssen, N.; Lambermont, B.; Shaw, G.M.; et al. Pre-ejection period, the reason why the electrocardiogram Q-wave is an unreliable indicator of pulse wave initialization. Physiol. Meas 2018, 39, 095005. [Google Scholar] [CrossRef]
- Westerhof, N.; Stergiopulos, N.; Noble, M.I.M. Snapshots of Hemodynamics, 2nd ed.; Springer US: New York, NY, USA, 2010. [Google Scholar] [CrossRef]
- Bramwell, J.C.; Hill, A.V. The velocity of the pulse wave in man. Proc. R. Soc. Lond. Ser. B Contain. Pap. Biol. Character 1922, 93, 298–306. [Google Scholar]
- Hughes, D.J.; Babbs, C.F.; Geddes, L.A.; Bourland, J.D. Measurements of Young’s modulus of elasticity of the canine aorta with ultrasound. Ultrason. Imaging 1979, 1, 356–367. [Google Scholar] [CrossRef] [PubMed]
- Wang, L.; Pickwell-MacPherson, E.; Liang, Y.P.; Zhang, Y. Noninvasive cardiac output estimation using a novel photoplethysmogram index. In Proceedings of the 2009 Annual International Conference of the IEEE Engineering in Medicine and Biology Society, Minneapolis, MN, USA, 3–6 September 2009; pp. 1746–1749. [Google Scholar]
- Chiu, Y.C.; Arand, P.W.; Shroff, S.G.; Feldman, T.; Carroll, J.D. Determination of pulse wave velocities with computerized algorithms. Am. Heart J. 1991, 121, 1460–1470. [Google Scholar] [CrossRef]
- Zhang, Y.; Poon, C.C.Y.; Chan, C.; Tsang, M.W.W.; Wu, K. A health-shirt using e-textile materials for the continuous and cuffless monitoring of arterial blood pressure. In Proceedings of the 2006 3rd IEEE/EMBS International Summer School on Medical Devices and Biosensors, Cambridge, MA, USA, 4–6 September 2006; pp. 86–89. [Google Scholar]
- Heckbert, P.S. Fourier Transforms and the Fast Fourier Transform (FFT) Algorithm. Comp. Graph. 1995, 2, 15–463. [Google Scholar]
- Oppenheim, A.V.; Schafer, R.W.; Buck, J.R. Discrete-Time Signal Processing, 2nd ed.; Prentice Hall: Upper Saddle River, NJ, USA, 1998. [Google Scholar]
- Su, P.; Ding, X.; Zhang, Y.; Liu, J.; Miao, F.; Zhao, N. Long-term blood pressure prediction with deep recurrent neural networks. In Proceedings of the 2018 IEEE EMBS International Conference on Biomedical & Health Informatics (BHI), Las Vegas, NV, USA, 4–7 March 2018; pp. 323–328. [Google Scholar]
- Pan, J.; Tompkins, W.J. A real-time QRS detection algorithm. IEEE Trans. Biomed. Eng. 1985, 32, 230–236. [Google Scholar] [CrossRef]
- MATLAB Central File Exchange. Laurin, A. BP_annotate. Available online: https://www.mathworks.com/matlabcentral/fileexchange/60172-bp_annotate (accessed on 7 June 2019).
- Kobina, A.; Abledu, G.K. Multiple regression analysis of the impact of Senior Secondary School Certificate Examination (SSCE) scores on the final Cumulative Grade Point Average(CGPA) of students of tertiary institutions in Ghana. Res. Humanit. Soc. Sci. 2012, 2, 77–90. [Google Scholar]
- Graczyk, M.; Lasota, T.; Trawiński, B.; Trawiński, K. Comparison of bagging, boosting and stacking ensembles applied to real estate appraisal. In Proceedings of the Asian Conference on Intelligent Information and Database Systems, Hue City, Vietnam, 24–26 March 2010; pp. 340–350. [Google Scholar]
- Gers, F.A.; Schmidhuber, J.A.; Cummins, F.A. Learning to forget: Continual prediction with LSTM. Neural Comput. 2000, 12, 2451–2471. [Google Scholar] [CrossRef]
- Greff, K.; Srivastava, R.K.; Koutník, J.; Steunebrink, B.; Schmidhuber, J. LSTM: A search space odyssey. IEEE Trans. Neural Netw. Learn. Syst. 2017, 28, 2222–2232. [Google Scholar] [CrossRef]
- Cui, Z.; Ke, R.; Wang, Y. Deep bidirectional and unidirectional LSTM recurrent neural network for network-wide traffic speed prediction. arXiv 2018, arXiv:1801.02143. [Google Scholar]
- Hermans, M.; Schrauwen, B. Training and analyzing deep recurrent neural networks. In Proceedings of the NIPS 2013, Lake Tahoe, NV, USA, 5–10 December 2013; pp. 190–198. [Google Scholar]
- Pascanu, R.; Gülçehre, Ç.; Cho, K.; Bengio, Y. How to construct deep recurrent neural networks. arXiv 2013, arXiv:1312.6026. [Google Scholar]
- Siami-Namini, S.; Tavakoli, N.; Namin, A.S. The Performance of LSTM and BiLSTM in Forecasting Time Series. In Proceedings of the 2019 IEEE International Conference on Big Data (Big Data), Los Angeles, CA, USA, 9–12 December 2019; pp. 3285–3292. [Google Scholar]
- Graves, A.; Schmidhuber, J. Framewise phoneme classification with bidirectional LSTM and other neural network architectures. Neural Netw. 2005, 18, 602–610. [Google Scholar] [CrossRef] [PubMed]
- Zhang, S.; Wu, Y.; Che, T.; Lin, Z.; Memisevic, R.; Salakhutdinov, R.; Bengio, Y. Architectural Complexity Measures of Recurrent Neural Networks. arXiv 2016, arXiv:1602.08210. [Google Scholar]
- Nair, V.; Hinton, G.E. Rectified linear units improve restricted boltzmann machines. In Proceedings of the 27th International Conference on Machine Learning, Haifa, Israel, 21–24 June 2010; pp. 807–814. [Google Scholar]
- He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
- Schuster, M.; Paliwal, K.K. Bidirectional recurrent neural networks. IEEE Trans. Signal Process. 1997, 45, 2673–2681. [Google Scholar] [CrossRef]
- The MathWorks, I. Deep Learning Toolbox. Available online: https://www.mathworks.com/products/deep-learning.html (accessed on 18 December 2019).
- Botchkarev, A. A new typology design of performance metrics to measure errors in machine learning regression algorithms. Interdiscip. J. Inf. Knowl. Manag. 2019, 14, 45–76. [Google Scholar] [CrossRef]
- Kachuee, M.; Kiani, M.M.; Mohammadzade, H.; Shabany, M. Cuffless blood pressure estimation algorithms for continuous health-care monitoring. IEEE Trans. Biomed. Eng. 2017, 64, 859–869. [Google Scholar] [CrossRef]
- Pavlov, Y.L. Random Forests; De Gruyter: Zeist, The Netherlands, 2019. [Google Scholar]
- Freund, R.M.; Grigas, P.; Mazumder, R. A new perspective on boosting in linear regression via subgradient optimization and relatives. arXiv 2015, arXiv:1505.04243. [Google Scholar] [CrossRef]
- Fortmann-Roe, S. Understanding the Bias-Variance Tradeoff. Available online: http://scott.fortmann-roe.com/docs/BiasVariance.html. (accessed on 19 December 2019).
- O’Brien, E.; Petrie, J.; Littler, W.; de Swiet, M.; Padfield, P.L.; O’Malley, K.; Jamieson, M.; Altman, D.; Bland, M.; Atkins, N. The British Hypertension Society protocol for the evaluation of automated and semi-automated blood pressure measuring devices with special reference to ambulatory systems. J. Hypertens 1990, 8, 607–619. [Google Scholar] [CrossRef]
- Association for the Advancement of Medical Instrumentation. American National Standard Manual, Electronic or Automated Sphygmonanometers; Association for the Advancement of Medical Instrumentation: Arlington, VA, USA, 2003. [Google Scholar]
- Mehta, P.; Bukov, M.; Wang, C.-H.; Day, A.G.R.; Richardson, C.; Fisher, C.K.; Schwab, D.J. A high-bias, low-variance introduction to Machine Learning for physicists. Phys. Rep. 2019, 810, 1–124. [Google Scholar] [CrossRef]
© 2020 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 (http://creativecommons.org/licenses/by/4.0/).
