Next Article in Journal
Trends and Techniques in 3D Reconstruction and Rendering: A Survey with Emphasis on Gaussian Splatting
Previous Article in Journal
Continuous Assessment of Mental Workload During Complex Human–Machine Interaction: Inferring Cognitive State from Signals External to the Operator
Previous Article in Special Issue
An Algorithm for Mining the Living Habits of Elderly People Living Alone Based on AIoT
 
 
Due to scheduled maintenance work on our database systems, there may be short service disruptions on this website between 10:00 and 11:00 CEST on June 14th.
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Robust Estimation of Unsteady Beat-to-Beat Systolic Blood Pressure Trends Using Photoplethysmography Contextual Cycles

1
School of Biomedical Engineering, Sun Yat-sen University, Shenzhen 518107, China
2
Department of Information Technology, Durban University of Technology, Durban 4001, South Africa
3
General Hospital of the Southern Theatre Command, Guangzhou 510010, China
4
The First School of Clinical Medicine, Southern Medical University, Guangzhou 510515, China
*
Authors to whom correspondence should be addressed.
These authors contributed equally to this work.
Sensors 2025, 25(12), 3625; https://doi.org/10.3390/s25123625
Submission received: 24 April 2025 / Revised: 22 May 2025 / Accepted: 5 June 2025 / Published: 9 June 2025

Abstract

:
Hypertension and blood pressure variability (BPV) are major risk factors for cardiovascular disease (CVD). Single-channel photoplethysmography (PPG) has emerged as a promising daily blood pressure (BP) monitoring tool. However, estimating BP trends presents challenges due to complex temporal dependencies and continuous fluctuations. Traditional methods often address BP prediction as isolated tasks and focus solely on temporal dependencies within a limited time window, which may fall short of capturing the intricate BP fluctuation patterns implied in varying time spans, particularly amidst constant BP variations. To address this, we propose a novel deep learning model featuring a two-stage architecture and a new input structure called contextual cycles. This model estimates beat-to-beat systolic blood pressure (SBP) trends as a sequence prediction task, transforming the output from a single SBP value into a sequence. In the first stage, parallel ResU Blocks are utilized to extract fine-grained features from each cycle. The generated feature vectors are then processed by Transformer layers with relative position encoding (RPE) to capture inter-cycle interactions and temporal dependencies in the second stage. Our proposed model demonstrates robust performance in beat-to-beat SBP trend estimation, achieving a mean absolute error (MAE) of 3.186 mmHg, a Pearson correlation coefficient applied to sequences ( R seq ) of 0.743, and a variability error (VE) of 1.199 mmHg. It excels in steady and abrupt substantial fluctuation states, outperforming baseline models. The results reveal that our method meets the requirements of the AAMI standard and achieves grade A according to the BHS standard. Overall, our proposed method shows significant potential for reliable daily health monitoring.

1. Introduction

Cardiovascular disease (CVD) remains the leading cause of mortality and illness worldwide [1]. Hypertension and blood pressure variability (BPV) are recognized as independent and modifiable risk factors for CVD and strong predictors of adverse events [2,3]. Independently of average BP, the magnitude and pattern of BP fluctuations define BPV [4]. Although variability naturally exists in BP, frequent excessive fluctuations, particularly elevated beat-to-beat systolic blood pressure (SBPV), may indicate underlying premature vascular lesions [5,6]. Moreover, the abrupt surges in BP mostly occur in hypertensive patients with hypertensive emergency [7] or obstructive sleep apnea (OSA) [8], leading to target organ damage and increased risk of cardiovascular events, which are associated with significant morbidity and mortality [9,10,11]. Beat-to-beat BP trends can serve for BP values and BPV assessments on different temporal scales, especially for the detection of abnormal abrupt BP changes, which is critical for early prevention and timely intervention. Due to the limitations of intermittent measurements, cuff-based methods may fail to capture continuous BP fluctuations and detect potential abnormalities. Recently, there has been an increased focus on active health, leading to efforts to develop continuous BP monitoring using portable sensors.
Considering the burden of multiple sensors for portability, studies have attempted to achieve continuous BP monitoring based on the easily available single-channel photoplethysmography (PPG) only. PPG is a non-invasive, portable, unobtrusive, and cost-effective optical technique for measuring blood volume changes during the cardiac cycle [12] and is widely used in wearable devices. Physiological and pathological changes in the cardiovascular system can affect BP, leading to variations in PPG amplitude, frequency, and morphology. Therefore, PPG provides valuable information on cardiovascular status [13] and is commonly used for continuous non-invasive BP monitoring. However, the complex temporal dependencies and dynamics in BP make continuous BP monitoring from PPG signals challenging. First, BP fluctuation patterns and PPG waveforms evolve over time due to complex interactions among various factors and cardiovascular regulatory mechanisms [14,15]. Consequently, BP, PPG waveforms, and their relationship exhibit complex short-term and long-term temporal dependencies related to BP dynamics across time steps (within and between cardiac cycles) [16]. Secondly, the constantly fluctuating and non-stationary BP leads to a wide range of BP value distributions, with some trends being stable while others may surge [17]. Compared to the complex dynamic fluctuations in BP, changes in PPG waveform morphology are relatively subtle, posing challenges for continuous BP monitoring.
Existing studies have extracted numerous hand-crafted features to capture subtle variations in physiological signals related to cardiovascular conditions and blood flow characteristics. Khalid et al. [18] explored BP estimation using three significant features extracted from good quality PPG signals. They trained and compared three machine learning algorithms (regression tree, multiple linear regression, and support vector machine). This study further analyzed the performance under different BP categories, observing that better performance in the normotensive category. Fleischhauer et al. [19] estimated SBP values by extracting multiple features from the PPG and its derivatives and applying XGBoost regression. Through interpretation with Shapley additive values, they identified specific features crucial for BP estimation. The method was primarily tested on SBP and suggested to be applicable to diastolic BP (DBP). Gupta et al. [20] stated that the natural morphology of PPG indicates different BP circulation events, which challenges handling time-varying features and temporal dependencies. Thus, they considered using higher-order derivatives to extract the nonlinear features and using machine learning algorithms to map from these features to BP values. Liu et al. [21] extracted as many as 222 features from electrocardiogram (ECG) and PPG and attempted to identify features with a causal relationship rather than correlated with BP changes through the fast causal inference (FCI) algorithm. They integrated the causal inference mechanism with the BP model via the time-lagged link and developed a causal regression model based on causal features. This demonstrates that the complete cardiac cycle of physiological signals contains rich hemodynamics information effective for BP prediction. However, hand-crafted features may yield unreliable values and incomplete representations of BP dynamics. Furthermore, classical machine learning methods may struggle to capture temporal dependencies, particularly when BP fluctuates significantly [22]. In contrast, deep learning algorithms can automatically extract complex features from raw signals and efficiently capture temporal dependencies. Yu et al. [23] utilized the first and second derivatives of PPG signals as additional inputs to enrich the information related to the correlation between the waveform and BP. Attention-based residual improved U-Net was employed to determine the effective and non-redundant features. Huang et al. [24] proposed a new end-to-end framework based on MLP-Mixer and generated multi-channel inputs by integrating multiple filtering methods to fuse information. MLPlstm-BP with the LSTM embedding layer aims to extract the temporal features and shows better performance. Miao et al. [25] conducted experiments on patients with arrhythmia. They crop and pad each ECG signal segment into a fixed length of 300 points (containing three cardiac cycles) and output the average BP values of the three heartbeats. To capture both morphological and rhythmic features that could impact BP variation, ResNet and bidirectional LSTM are combined due to their superior performance in capturing time-related features. Wang et al. [26] utilized GRU to consider cardiovascular activity changes in feature vectors for temporal dependency, and an attention module was further used to filter BP-related features. They fused the demographic information into the attentive pooling module to improve the performance of SBP prediction. Liu et al. [27] proposed a BiGRU model with attention mechanisms to capture temporal dependences of the 10 s PPG for longer-term BP trends. Ma et al. [28] proposed an end-to-end SE-MSResUNet network that leverages the strengths of 1D-UNet, residual connections, and SE modules to extract important BP-related information and establish a correct mapping relationship between PPG and arterial blood pressure (ABP) signals.
Although these methods have had some success in predicting BP values, they may not be suitable for estimating beat-to-beat BP trends. First, existing methods map the extracted features within one cardiac cycle or overall time window to a single SBP value, treating each SBP prediction as an isolated task [18,19,20,21,22,23,24,25,26,27]. However, temporal dynamic dependencies can evolve due to changes in the environment, activities, and health status over time. Conventional single-step predictions cannot provide sufficient contextual multi-step information to explore underlying temporal patterns and transition trends in adjacent samples [29,30,31]. This approach may be insufficient for capturing fine-grained BP fluctuation patterns across different time spans. Secondly, most studies derive predicted BP values from the average of several consecutive beats within a specified period [23,24,25,26,27], assuming BP is nearly stable in the short term. However, individuals may have apparently normal or comparable average BP levels but still experience abnormal BP fluctuations [32]. Indeed, beat-to-beat BP provides detailed information on continuous BP variability and cardiovascular conditions [33]. Beat-averaged BP may overlook BP dynamics and even smooth out BP surges, which is not conducive to tracking BP fluctuations and detecting potential abnormalities.
Due to the elevated variability and greater changes in SBP dynamics, SBP estimation in heterogeneous populations has been proven to be a more complex and clinically significant challenge [34,35,36]. In this paper, beat-to-beat SBP trend estimation can be generalized as a sequence construction task, where the output label is turned from a single SBP value into a sequence. Patch-based input has been proven to be effective and superior in long-term time series prediction [37,38,39]. Decomposing complex time series into a series of consecutive temporal patches helps to enhance the representation of local semantics and provides context information in chronological order, which can improve the understanding and expression of complex problems and reveal the intricate temporal patterns in time series. Inspired by this, we introduce an input structure called contextual cycles, where PPG signals are divided into small segments according to cardiac cycles and arranged chronologically in channels. Reliable temporal dependencies modeling relies on fine-grained feature extraction related to cardiovascular activity within each PPG cycle, as well as on the interactions within and between contextual cycles to capture SBP fluctuation patterns. In this work, we propose an architecture for estimating beat-to-beat SBP trends, which consists of two stages based on contextual cycles. Specifically, in the intra-cycle feature extraction module (IFEM), parallel Residual U-like (RseU) Blocks are used to extract representative features from each PPG cycle. The feature vectors obtained from the IFEM are then fed into the context-sensitive interaction module (CIM), utilizing a Transformer and relative positional encoding (RPE) to explore inter-cycle temporal dependencies. The main contributions of our work are as follows:
  • We develop a new approach for SBP trend estimation to transform the task into sequence prediction. Our method prioritizes beat-to-beat SBP variability for assisting in health applications, particularly for heterogeneous populations with frequent and dramatic fluctuations in SBP.
  • We present a hybrid architecture based on the contextual cycles. ResU blocks extract hemodynamic information and enhance semantic representation. The patch-based structure provides temporal order and context for intra-cycle feature vectors, enabling a Transformer with RPE (Trans-RPE) that considers the relative temporal distance to explore inter-cycle interaction and more reliable temporal dependencies for complex SBP fluctuation patterns.
  • We conduct studies with adequate variations in SBP, and the results demonstrate that our model excels in estimating the trend of beat-to-beat SBP with MAE and VE of 3.186 and 1.199 mmHg, especially in unsteady states. The classification accuracy for abnormal variations reaches 80.36%. Furthermore, our model meets the AAMI and BHS grade A standards.

2. Materials and Methods

2.1. Database and Data Pre-Processing

The proposed model in this study was developed based on the cuff-less blood pressure estimation dataset from the University of California, Irvine (UCI), Machine Learning Repository, which is a subset of the MIMIC-II [40]. The dataset contains 12,000 recordings of intensive care unit (ICU) patients, consisting of simultaneous, continuously recorded PPG and ABP signals at a sampling rate of 125 Hz. ABP is widely regarded as the gold standard for arterial pressure measurementand and carries valuable physiological information embedded in its waveform. SBP and DBP correspond to the peak and valley of the ABP waveform, respectively, offering clinically meaningful metrics for cardiovascular assessment.
In the data pre-processing stage, records of PPG and ABP signals with insufficient length (less than 8 min) were removed to ensure that the waveforms were long enough to contain dynamic fluctuations. To ensure a certain signal quality, anomaly detection was performed on both PPG and ABP signals, and low-quality segments were discarded. Studies have shown that Chebyshev II filters are more effective than other types of filters in improving the quality of PPG signals [41], so we employed a 4th-order Chebyshev II filter to process PPG signals.
Subsequently, the onsets of the PPG signals were identified using the peaks and valleys detector proposed by Zong [42]. PPG signals were segmented into non-overlapping slices by cardiac cycle. The length of every PPG cycle slice was adjusted to 125 by zero padding (when the length is less than 125 samples) or downsampling samples (when the length is greater than 125 samples). The SBP value for each cycle slice can be obtained from the peak of the corresponding ABP cycle.
We construct our dataset as D = {C, S}, where C represents contextual cycles and S represents SBP sequences. Each input C i (i.e., contextual cycles) consists of consecutive n cycle slices in chronological order from the same person, denoted as C i = [ c i , 1 , c i , 2 , , c i , n ] , and the corresponding output is an SBP sequence S i = [ SBP i , 1 , SBP i , 2 , , SBP i , n ] , composed of n SBP values for n cardiac cycles. In this work, we set n to 60, since the BP surge is defined as BP fluctuations over tens of seconds. In particular, it is noted that the contextual cycles do not share samples from the same cardiac cycle.
Moreover, we set the criteria that each individual must have at least one sequence with the magnitude of SBP variations (ΔSBP) over 10 mmHg. The final processed dataset contains 3442 samples totaling 206,520 single beats from 238 subjects. For each subject, the samples were arranged in chronological order and non-overlappingly divided into three parts in a ratio of 7:1:2 for the training, validation, and test sets. Crucially, the training data always precedes the test data in time for each subject, ensuring strict temporal separation. Research [36] suggests that this setup maintains causality in the data and prevents data leakage. In particular, our dataset includes rich and sufficient BP fluctuations and appropriate changes in BP distribution, which enhance the reliability of the results using the personalized sample-based splitting method. The statistical information after these processes and segmentation is shown in Figure 1.

2.2. Network Architecture

Our model is proposed for beat-to-beat SBP trend estimation based on the contextual cycles. Specifically, given the dataset D = { ( C 1 , S 1 ) , ( C 2 , S 2 ) , , ( C i , S i ) } , we construct the SBP sequence S i from the contextual cycles C i , where C i R n × l 0 is the i -th input composed of n PPG cycles with the length of l 0 samples, and  S i R 1 × n represents the i -th output containing n SBP values. For complex fluctuations in SBP, our approach relies on fine-grained extraction of cardiovascular-related features within each PPG cycle and on temporal dependencies modeling through contextual interactions between features obtained from different cycles. To this end, we propose a two-stage architecture, including IFEM and CIM. Figure 2 displays the specific model framework diagram. The training process has been presented in Algorithm 1.

2.2.1. Intra-Cycle Feature Extraction

The IFEM aims to extract representative features independently from contextual cycles for rich hemodynamic information. For each PPG cycle slice in contextual cycles, we construct the U-like structure by stacking multiple convolutions and upsampling operations, which can bring multi-scale receptive fields as the deepening of convolutional layers to obtain the fine-grained blood flow information. Further, we introduce residual structures for complex feature fusion and representation. Meanwhile, residual structures excel in addressing the vanishing gradient problem, allowing for deeper network architectures and enhancing the stability of models. Thus, the ResU Block is a hybrid architecture that combines the U-like convolutional structure with residual blocks for extracting subtle changes in PPG signals within each cycle.
We utilize the parallel ResU Block branches to explore intra-cycle information from contextual cycles. Specifically, contextual cycles are C i R n × l 0 , where n denotes the total number of PPG cycles and equals 60, and  l 0 is the size of each cycle slice and equals 128. Each cycle slice in contextual cycles c i , j R 1 × l 0 , j = 1 , , n , is independently fed into ResU Block. This process is formulated as follows:
f i , j = f c i r ( f u p d ( f r e s r ( f d o w n d ( f c i r ( c i , j ) ) ) ) ) + c i , j
where f c i r represents the convolution, instance norm, and ReLU function. d is the depth of U-like structures and r is the number of residual blocks. f i , j R 1 × l indicates the j-th feature vector generated through ResU Block. l represents the length of each feature vector, set to 128. The total feature vectors are stacked into feature tokens F i R n × l in chronological order.
F i = [ f i , 1 , f i , 2 , , f i , n ]

2.2.2. Context-Sensitive Interaction

The CIM is utilized to facilitate the interaction of the contextual features from different cycles and model temporal dependencies for SBP fluctuation patterns. Transformer and patch techniques have recently been widely applied and shown to perform well in the field of time series forecasting [37,38]. The CIM exploits the superiority of the Transformer based on multi-head self-attention in global interactions and modeling the contextual dependence [43]. Therefore, the relationships between each cycle’s feature vector and those of all other cycles can be explored. As the temporal distance between different cardiac cycles increases, the dependencies between PPG and BP may vary widely depending on the environment or activity. However, the self-attention mechanism used in the original Transformer does not explicitly emphasize the distance relationships between tokens and relies on positional encoding to introduce temporal information. In contrast to absolute positional encoding (APE), RPE can encode the relative temporal distance between each pair of tokens to enhance the model’s ability for local patterns [44]. Thus, the CIM cascades several Trans-RPE layers.
The output of IFEM, denoted as F i = [ f i , 1 , f i , 2 , , f i , n ] , serves as the input of the CIM as shown in Figure 2. The t-th Trans-RPE layer can computed as follows:
F ^ i t = f M S A f L N F i t 1 + F i t 1
F i t = f M L P f L N F ^ i t + F ^ i t
where f M S A , f M L P , and  f L N are the multi-head self-attention mechanism, the multi-layer perceptron, and the layer normalization, respectively. F ^ i t R n × l and F i t R n × l denote the output of the MSA and the MLP in the t-th Trans-RPE layer. For  t = 1 , which denotes the input to the first Trans-RPE layer, we have F i t 1 = F i .
We used sine and cosine functions to encode position information. The PE function is as follows:
PE 2 x ( j ) = sin ( j / 10000 2 x / D v e c t o r )
PE 2 x + 1 ( j ) = cos ( j / 10000 2 x / D v e c t o r )
where j refers to the position index and temporal order of the feature vector f i , j in F i . D v e c t o r represents the dimension of each feature vector, which is equal to l. x denotes the feature dimension index. Then, the RPE, which indicates the position of the feature vector of the a-th cycle relative to the feature vector of b-th, can be defined as follows:
p a , b = sign ( a b ) PE ( | a b | )
where sign denotes the sign function, introducing directionality to the RPE. In particular, RPE incorporates positional differences (relative position) into attention score calculations. Thus, an attention mechanism with positional bias can be formulated as follows:
A t t e n t i o n = Softmax Q K T d k + W p T p V
where W p T p R n × n is the positional bias introduced in the attention score. W p is learnable weights.
Finally, the output projection layer consists of linear layers and activation functions helping translate the high-level feature representations into complex target mappings for more accurate prediction. The projection serves as the final critical step in exploring the relationships between PPG cycles and target SBP trends. Specifically, each PPG cycle has already modeled the interactions through intra-cycle and inter-cycle modules and obtained the corresponding high-level features, which can be mapped to the SBP value of the respective cycle by introducing the Projection. Further, a set of feature vectors F i R n × l obtained from all the consecutive PPG cycles is fed into the projection to generate the SBP sequence S i R 1 × n , as described by the following equation:
S i = f P r o j e c t i o n ( F i )
Algorithm 1 The architecture of our proposed model
Input: mini-batch size B, training dataset D = { ( C i , S i ) } i = 1 N , where C i R n × l 0 denotes contextual cycles containing n cycle slices of length l 0 , and  S i R n denotes the sequence containing n SBP values
Output: the optimal parameters of model
Initialization: ResU block, Trans-RPE layers, number of Trans-RPE layers L
1:
for  e p o c h = 1 , 2 , , N e p o c h e s  do
2:
     ( C , S ) sampled mini-batch from D
3:
    for  i = 1 , 2 , , B  do
4:
         C i [ c i , 1 , c i , 2 , , c i , n ]
5:
        // Stage 1. Intra-cycle Feature Extraction
6:
        for  j = 1 , 2 , , n  do
7:
           // Apply ResU block to the cycle slice c i , j of the contextual cycles C i
8:
            f i , j ResU ( c i , j )
9:
        end for
10:
        // Concatenates the feature vectors into the feature tokens F i
11:
         F i [ f i , 1 , f i , 2 , , f i , n ]
12:
        // Stage 2. Context-sensitive Interaction
13:
         Y F i
14:
        for  t = 1 , , L  do
15:
           // Apply Trans-RPE to the feature tokens F i
16:
            Y Trans - RPE ( Y )
17:
        end for
18:
         S ˜ i Projection ( Y )
19:
    end for
20:
     L ( θ ) = | | ( S S ˜ ) | | 1
21:
    Update θ * θ α · L ( θ )
22:
end for

2.3. Experimental Settings

In this architecture, we set the depth of U-like structures d and the number of residual blocks r to 2 and 8, respectively. In addition, the number of multiple heads in the self-attention and Trans-RPE layers are set to 8 and 3, respectively. Unlike cross-validation, where the dataset is divided into several subsets that are randomly assigned to training and testing folds, our approach explicitly considers the chronological order of the dataset. For each subject, the model is trained on historical data and subsequently tested on future data. This setup aligns with the real-world application scenarios and allows for evaluating the model’s performance in capturing and utilizing temporal dependencies. All the experiments were implemented on a personal computer equipped with a GPU and PyTorch 1.13.1 deep learning framework with Python 3.7. During training, we utilized an Adam optimizer with an initial learning rate of 0.0001, where the batch size is 16 and the epoch number is 500. We employed the MAE as the loss function and conducted an overall evaluation using the following metrics.

2.4. Performance Evaluation Metrics

Unlike previous methods, which output a single data point, we estimate SBP trends as a sequence prediction task, where the output is an SBP sequence with multiple SBP values, so we apply the error measurement to the entire sequence using multiple evaluation metrics.
First, MAE can be applied to evaluate the accuracy of the ground truth (GT) and estimated SBP sequences, which is equal to the MAE applied to beat-to-beat SBP values, defined as follows:
MAE = 1 m · 1 n i = 1 m j = 1 n x i , j y i , j
where x i , j is the j-th value of the i-th GT sequence X i , y i , j is the j-th value of the i-th estimated sequence Y i , n is the number of SBP values in a SBP sequence, and m is the total number of test sequences.
In particular, we assess the correlation between the GT and estimated SBP trends using the Pearson correlation coefficient (R). R seq applied to the entire sequence is defined as follows:
R s e q = 1 m i = 1 m ( i = 1 n ( x i , j X i ¯ ) ( y i , j Y i ¯ ) j = 1 n ( x i , j X i ¯ ) 2 j = 1 n ( y i , j Y i ¯ ) 2 )
where X i ¯ and Y i ¯ are the means of the i-th GT and estimated sequence, respectively.
Independent of average BP, the average real variability (ARV) is defined as the average of the absolute differences between all consecutive BP measurements, which is used to indicate the degree of variability in BP over a period of time [11]. Given the calculation of the first-order difference [45], the differences D i can be derived from the GT sequence X i and its immediately preceding historical time step as follows:
D i = { ( x i , 2 x i , 1 ) , , ( x i , n x i , n 1 ) }
D i can represent the detailed SBP trends, highlighting the direction and magnitude of beat-to-beat SBP changes. Specifically, the magnitude of ( x i , j x i , j 1 ) quantifies the increase or decrease in SBP values between two consecutive cycles, while the sign of ( x i , j x i , j 1 ) indicates the upward or downward trend between two adjacent cycles. We therefore utilize it to evaluate the performance in SBP trends at a fine-grained level by comparing the direction and magnitude of SBP changes between every two adjacent cycles. For the ground truth and estimated SBP sequences, the variability error ( V E ) based on ARV is defined as follows:
V E = 1 m · 1 n 1 i = 1 m j = 2 n | ( x i , j x i , j 1 ) ( y i , j y i , j 1 ) |
For SBP trend applications, we detect potential anomalies in several tens of seconds at a coarse-grained level. As a complete surge may exist in several consecutive SBP sequences, and because of the complexity of the detection criteria for the BP surge [46], here, we simplify it to a binary classification of relatively steady-state or abrupt excessive fluctuations to determine whether the overall change in the SBP trends (ΔSBP) exceeds a given threshold (here, 10 mmHg) throughout the duration of an SBP sequence.
We adopt precision (Pre), recall (Rec), and F1-score (F1) as per-class metrics to evaluate the classification performance. These metrics are defined as follows:
ACC = T P + T N T P + F P + T N + F N
F 1 = 2 × Precision × Recall Precision + Recall
where Precision is T P T P + F P , Recall is T P T P + F N , TP is true positive, TN is true negative, FP is false positive, and FN is false negative.
In addition, we evaluate the performance of SBP value prediction; i.e., we evaluate individual data points. Given that most previous works derive their predictions of BP from the average of several consecutive beats, we also assess the accuracy of the beat-averaged SBP for each 10 cycles using several metrics, including MAE, the mean error (ME), and the standard deviation (SD), as shown in Figure 3.

3. Results

In this section, we quantitatively and qualitatively analyze the performance of our model in SBP trend estimation and further discuss the performance for the prediction of beat-to-beat and beat-averaged SBP values, as well as the performance comparison with existing methods. The results of the evaluations are reported as follows: (1) SBP trend estimation; (2) SBP value prediction; (3) Comparison with existing methods.

3.1. SBP Trend Estimation

Here, we focus on evaluating our performance in SBP trend estimation. Given the advantages of bi-directional long short-term memory and the Transformer with APE (Trans) in modeling temporal dependencies, we consider ResU-LSTM and ResU-Trans (three-layer Trans) as baseline models.

3.1.1. Quantitative Evaluation

We quantitatively evaluate the GT and estimated SBP sequences for very-short-term trends using multiple evaluation metrics. Unlike correlations among all data points, R seq measures the correlation between two sequences, with values closer to 1 indicating a higher correlation. A lower MAE implies better accuracy of the estimated SBP sequences as it measures the absolute differences between the predicted and actual values at each time step of sequences. Independent of SBP levels, the VE quantifies the errors in the direction and magnitude of SBP changes between every two adjacent cycles of the two sequences. As the VE decreases, the fluctuation patterns and detailed trends of the two sequences align more closely. Table 1 shows the evaluation results of our proposed model. To explore the impact of the number of Trans-RPE L on the performance, we conduct comparisons with 1, 2, and 3 layers. Overall, the errors decreased as the number of Trans-RPE L was cascaded to 3, with the best MAE, R seq , and VE achieving 3.186, 0.743, and 1.199, respectively. Thus, we deepened the depth of our model with three Trans-RPE layers. The results show a strong correlation and high agreement between the GT and estimated SBP sequences, which suggests the potential ability of our proposed model to track SBP trends.
Table 1 summarizes the performance comparison of baseline models. Specifically, the evaluation of ResU-LSTM reveals a relatively low MAE but higher VE and lower R seq values, implying that it struggles with capturing the detailed rise/fall relationship of beat-to-beat SBP trends. ResU-Trans performs much better in VE and R seq relative to ResU-LSTM, showing the advantages of the Transformer in modeling contextual dependencies. Overall, the results illustrate that our proposed model outperforms other baseline models in all metrics.
We implemented a single-beat SBP estimation with one PPG cardiac cycle using solely ResU and the projection layer. MAE, VE, ME, and SD achieve 3.613, 3.661, −0.304, and 6.448, respectively. Notably, although the MAE, ME, and SD achieved satisfactory results, the VE decreased to its lowest point. This emphasizes that the ResU structure is essential for ensuring accuracy, while the patch-based contextual input structure and models with advantages in time series modeling are crucial for effectively exploring BP fluctuation patterns. We further conducted an ablation study on the IFEM of our model and the ResU-Trans, resulting in a decline in performance. Notably, the SD of the remaining CIMs, Trans-RPE and Trans, were 7.222 and 8.358, respectively. This underscores that ResU blocks can effectively capture time-varying features within the cardiac cycle and enhance semantic representations, which are essential for this task. In addition, by comparing our model with ResU-Trans, as well as Trans-RPE with Trans, we observe that models employing RPE consistently outperform those using APE, particularly in terms of VE. It highlights the effectiveness of considering the relative temporal distance and contextual relationships between cardiovascular dynamics in different cycles to explore complex SBP fluctuation patterns. These results demonstrate the superiority and robustness of our model in tracking detailed upward and downward beat-to-beat SBP changes.
To more rationally evaluate SBP values prediction performance at different degrees of SBP changes, we further analyze the error metrics in two states throughout SBP sequences: relatively steady-state (ΔSBP less than 10 mmHg) and abrupt substantial fluctuations (ΔSBP greater than 10 mmHg), as shown in Figure 4. The results clearly show that overall errors in abnormal excessive fluctuations are greater than in relatively steady states, which confirms the heightened difficulty in unsteady states. Regardless of the steady states, the MAE error for each model is slightly different, but VE is notably smaller in ours and ResU-Trans compared to ResU-LSTM. This recognizes the significant contribution of the Transformer and contextual cycles to robust SBP trend estimation. Overall, our model consistently exhibits lower error rates and more robust performance compared to other baseline models.
In the classification application for detecting abnormalities of extreme SBP changes, a total of 723 SBP sequences were classified as relatively steady states or sharp excessive changes, abbreviated as ‘steady’ and ‘unsteady’. Our classes exhibit a slight imbalance, with the number of instances in the two classes unevenly distributed at 256 and 467 for ‘steady’ and ‘unsteady’, respectively. Figure 5 shows the confusion matrix comparisons with other baseline models. In each confusion matrix, the diagonal entries represent the number of correctly classified instances for each class. The classification results of ResU-LSTM model showed an accuracy of 46.33% and an F1-score of 30.71%. It indicated that the SBP predictions of ResU-LSTM for both ‘steady’ and ‘unsteady’ states are concentrated within a narrow range of 10 mmHg to ensure high stability and precision. Notably, ResU-Trans demonstrates a significant improvement, achieving an overall accuracy of 78.28% and an F1-score of 81.42%. The results indicate that the Transformer effectively learns global information and more flexibly captures contextual dependencies for SBP fluctuations compared to LSTM. Moreover, our proposed method achieves the highest classification performance, with an accuracy of 80.36% and an F1-score of 83.60%. This highlights the potential of our proposed method for detecting abnormalities of SBP changes.

3.1.2. Qualitative Evaluation

To provide a more intuitive demonstration of the quality of the estimated SBP trends, we present representative observations at different degrees of fluctuations. Figure 6 shows the GT (yellow line) and estimated SBP sequences. Evidently, our estimated SBP sequences (green lines with stars) closely match the yellow lines, even for the abnormal sharp changes. This indicates that our model can stably capture detailed rises and falls, closely approximating the overall range of short-term SBP changes, with the GT and estimated sequences consistently showing similar magnitudes and directions of SBP fluctuations. For relatively steady states, shown in Figure 6a, both ResU-LSTM (blue lines) and ResU-Trans (pink lines) perform well. However, ResU-LSTM fails to track the sharp changes, resulting in the generally smooth trend shown in Figure 6b. Nonetheless, ResU-Trans is somewhat better at capturing abrupt changes than ResU-LSTM. Overall, the qualitative evaluation provides a more intuitive and clear reflection of the error evaluation results above.

3.2. SBP Value Prediction

The evaluation results above also partially reflect the performance for the prediction of beat-to-beat SBP values. In addition to beat-to-beat SBP values, recent studies predict beat-averaged SBP values within specific periods (e.g., 5 s/8 s/10 s segments). Consequently, we extend our analysis to assess on the prediction performance for beat-averaged SBP values. Table 2, Table 3, Table 4 show the evaluation results for SBP value prediction. Interestingly, the overall error metrics of our model and other baseline models decrease in the prediction of beat-averaged SBP values compared to beat-to-beat SBP values. This suggests that beat-to-beat SBP exhibits greater fluctuations and complex details, challenging the accurate numerical prediction.
The Bland–Altman plots and regression plots are given in Figure 7. According to the Bland–Altman recommendation, two methods are considered consistent if 95% of the samples fall within the confidence intervals (CI). The statistics show that most of our SBP predictions and other baseline models fall within the CI out of 43,380 samples. The regression plots, as shown in Figure 7, give an indication of the degree of linear correlation between the GT and prediction, and the Pearson correlation coefficients of our and other baseline models are above 0.94, indicating a high degree of correlation between the predicted and GT SBP values. These results indicate excellent performance across all models in beat-to-beat SBP value prediction. It can be observed in the regression plots that there are some incorrectly predicted results towards the central region in the SBP distribution. This is due to the imbalanced phenomenon caused by the skewed distribution of SBP in the training set, which is a significant challenge in the field of BP monitoring [35]. Compared to other baseline models, our model demonstrates better adaptability to the imbalanced datasets, effectively mitigating the predictive bias to a certain extent.
Moreover, we evaluated our performance in beat-to-beat SBP value prediction using the standards of the Association for the Advancement of Medical Instrumentation (AAMI) and the British Hypertension Society (BHS). According to the AAMI standard, a minimum of 85 subjects is required, and the method can be considered validated if the ME and SD are within the range of 5 mmHg and 8 mmHg, respectively. The BHS standard assigns a performance grade for BP monitoring methods as grade A, B, or C based on the percentage of cumulative errors under the specific threshold (5, 10, and 15 mmHg). Table 2 summarizes a comparison between our results and the criteria required by the AAMI standard. Table 3 reports the performance of our method based on the BHS standard. Our proposed method was evaluated on 238 subjects with an ME of −0.238 mmHg and a SD of 5.120 mmHg, meeting the requirements of the AAMI standard. Also, Table 3 reveals that our method achieves grade A in prediction according to the BHS standard. These results further validate the effectiveness of our method in predicting the beat-to-beat SBP value.

3.3. Comparisons

We include recent excellent works and summarize the evaluation results in Table 4 using the MAE, ME, and SD metrics for the two different predictive outputs: beat-to-beat and beat-averaged SBP values. The results of all the compared methods are derived from the original publications, with ‘-’ used to indicate unreported error metrics. The highest score in each comparison metric is highlighted in bold. These existing studies generally adopt single-step prediction, taking the overall signal within a certain period as an input. Since the length of segments varies across different works, we also set 10-beat-averaged SBP values for discussion. Machine learning methods demonstrated promising performance in BP value estimation tasks and offer advantages in terms of low computational resource requirements. However, they often rely on handcrafted features and struggle to consider richer contextual information. Thus, they exhibit limitations in the capacity to explore longer-term temporal dependencies and lead to instability in their performance, particularly during significant BP fluctuations. It can be noted that CNN is prevalently utilized to extract features. The studies applying Residual U-Net, presented in the Table 4, demonstrated the superiority in BP-related feature extraction and multi-level feature fusion of PPG signals. Also, most of these existing studies have used LSTM and GRU for temporal dependence modeling. However, this method is relatively inflexible for complex temporal dependences and the correlation between any two time points. Our proposed method employs ResUnet to extract features and enhance the representation of semantics throughout a complete cycle. Additionally, we incorporate relative positional bias in the Transformer, which increases the flexibility of interaction and improves the ability to adapt to complex dynamics. Further, our proposed model, combined with patch-based input named contextual cycles, shows a better overall performance for SBP value prediction compared to the existing methods.

4. Discussion

In this paper, we proposed a novel method for beat-to-beat SBP trend estimation using a patch-based input named contextual cycles. Our method achieves robust trend estimation and effective detection of abnormal fluctuations, not only for accurate SBP values. Sincerely, our goal is to unlock the potential applications of deep learning methods in timely anomaly detection and personalized health monitoring, using wearable devices to continuously acquire PPG data. Significant variations can serve as warning signs to help reduce CVD risks, which is especially crucial for heterogeneous patients with frequent and dramatic fluctuations in SBP. Simultaneously, maintaining BP stability and decreasing the frequency of dramatic changes helps healthy individuals decrease the risk of CVD and provides insights for personalized healthcare.
In addition, our model demonstrates feasibility in predicting DBP, achieving satisfactory results with MAE, VE, ME, and SD of 1.739, 0.708, −0.203, and 2.934 mmHg, respectively. Figure 8 shows the Bland–Altman plot and regression plot. The results meet the AAMI standard and the BHS criteria for grade A. These results outperform the model’s performance for SBP. The distribution range of DBP is generally narrower than that of SBP, with smaller fluctuations and variability, making the related tasks of SBP inherently complex and clinically challenging.
It is important to provide a summary of this work’s limitations and future directions. While our work demonstrates promising results in estimating SBP trends and detecting abnormal fluctuations, representing a valuable step towards the assessment of beat-to-beat BPV, it is crucial to acknowledge the limitations for a comprehensive BPV evaluation. Indeed, comprehensive BPV assessment is a complex and challenging task, necessitating the consideration of a wider array of physiological signals and analytical approaches. Beyond SBP and DBP, a thorough evaluation may require the integration of other relevant physiological parameters (such as heart rate and respiratory activity) and demands the application of standard relevant metrics, including, but not limited to, the SD and ARV. For example, the accurate identification of SBP surges often necessitates expert-annotated labels based on strict definitions (e.g., magnitude exceeding 20 mmHg, exhibiting a hill-like waveform). In contrast, our approach provides a relatively coarse-grained detection of fluctuations within predefined time windows. Future research can explore novel BP-related methods that capture complex multivariate interactions for comprehensive BPV assessment. Given the strong correlation between SBP and DBP, it is promising to explore their interrelationship to develop a unified model. Furthermore, the absence of clinical validation is a limitation of our study. Nevertheless, we made progress towards practical application by using a dataset rich in BP dynamics, incorporating PPG contextual cycles and a hybrid architecture for waveform nuances and temporal dependencies, and focusing on detailed beat-by-beat trends. As is essential for clinical translation and practical application of continuous BP monitoring, future work can explore strategies like transfer learning or fine-tuning techniques for diverse patient populations, integrate signal quality assessment, and develop noise-robust models.

5. Conclusions

In this work, we proposed a hybrid architecture based on contextual cycles for beat-to-beat SBP trend estimation. The fine-grained features of intra-cycle blood flow information were extracted from each cycle of contextual cycles through parallel Residual U-like Blocks in IFEM. A Transformer with RPE was leveraged to model SBP fluctuation patterns by interacting with contextual information from inter-cycle features. We evaluated our proposed method in the performance of SBP trend estimation and SBP value prediction. The overall performance was enhanced when the contextual cycles were combined with our proposed model, which significantly contributed to temporal modeling for beat-to-beat SBP trends. Specifically, our model can more accurately capture the detailed rises/falls than other baseline models and closely approximates the overall degree of SBP fluctuations in the short term.

Author Contributions

Conceptualization, X.H. and X.Z.; methodology, X.H. and X.Z.; investigation, X.H. and X.Z.; resources, L.X. and W.W.; data curation, X.H.; formal analysis, X.H. and X.Z.; writing—original draft preparation, X.H. and X.Z.; writing—review and editing, X.H., X.Z., R.M., and W.W.; validation, W.W.; supervision, R.M.; funding acquisition, L.X., R.M., and W.W. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by the National Key R&D Program of China (grant number: 2023YFE0110200), in part by the National Research Foundation of South Africa (grant number: 151178), in part by the Guangzhou Science Technology Planning Project (grant number: 2023A03J0170), and in part National Clinical Research Center for Geriatrics (grant number: NCRCG-PLAGH-2023006).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are available in “Cuffless blood pressure estimation algorithms for continuous health-care monitoring” at https://doi.org/10.1109/TBME.2016.2580904. These data were derived from the following resources available in the public domain: https://archive.ics.uci.edu/dataset/340/cuff+less+blood+pressure+estimation (accessed on 26 August 2024).

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Vaduganathan, M.; Mensah, G.A.; Turco, J.V.; Fuster, V.; Roth, G.A. The global burden of cardiovascular diseases and risk: A compass for future health. J. Am. Coll. Cardiol. 2022, 80, 2361–2371. [Google Scholar] [CrossRef] [PubMed]
  2. Rothwell, P.M.; Howard, S.C.; Dolan, E.; O’Brien, E.; Dobson, J.E.; Dahlöf, B.; Sever, P.S.; Poulter, N.R. Prognostic significance of visit-to-visit variability, maximum systolic blood pressure, and episodic hypertension. Lancet 2010, 375, 895–905. [Google Scholar] [CrossRef] [PubMed]
  3. Berry, M.; Lairez, O.; Fourcade, J.; Roncalli, J.; Carrié, D.; Pathak, A.; Chamontin, B.; Galinier, M. Prognostic value of systolic short-term blood pressure variability in systolic heart failure. Clin. Hypertens. 2016, 22, 16. [Google Scholar] [CrossRef] [PubMed]
  4. Messerli, F.H.; Hofstetter, L.; Rimoldi, S.F.; Rexhaj, E.; Bangalore, S. Risk factor variability and cardiovascular outcome: JACC review topic of the week. J. Am. Coll. Cardiol. 2019, 73, 2596–2603. [Google Scholar] [CrossRef]
  5. Zhou, T.L.; Kroon, A.A.; van Sloten, T.T.; van Boxtel, M.P.; Verhey, F.R.; Schram, M.T.; Köhler, S.; Stehouwer, C.D.; Henry, R.M. Greater blood pressure variability is associated with lower cognitive performance: The Maastricht study. Hypertension 2019, 73, 803–811. [Google Scholar] [CrossRef]
  6. Webb, A.J.; Mazzucco, S.; Li, L.; Rothwell, P.M. Prognostic significance of blood pressure variability on beat-to-beat monitoring after transient ischemic attack and stroke. Stroke 2018, 49, 62–67. [Google Scholar] [CrossRef]
  7. Talle, M.A.; Ngarande, E.; Doubell, A.F.; Herbst, P.G. Cardiac complications of hypertensive emergency: Classification, diagnosis and management challenges. J. Cardiovasc. Dev. Dis. 2022, 9, 276. [Google Scholar] [CrossRef]
  8. Kario, K. Obstructive sleep apnea syndrome and hypertension: Ambulatory blood pressure. Hypertens. Res. 2009, 32, 428–432. [Google Scholar] [CrossRef]
  9. Lim, S.S.; Vos, T.; Flaxman, A.D.; Danaei, G.; Shibuya, K.; Adair-Rohani, H.; AlMazroa, M.A.; Amann, M.; Anderson, H.R.; Andrews, K.G.; et al. A comparative risk assessment of burden of disease and injury attributable to 67 risk factors and risk factor clusters in 21 regions, 1990–2010: A systematic analysis for the Global Burden of Disease Study 2010. Lancet 2012, 380, 2224–2260. [Google Scholar] [CrossRef]
  10. Schutte, A.E.; Kollias, A.; Stergiou, G.S. Blood pressure and its variability: Classic and novel measurement techniques. Nat. Rev. Cardiol. 2022, 19, 643–654. [Google Scholar] [CrossRef]
  11. Jhee, J.H.; Oh, D.; Seo, J.; Lee, C.J.; Chung, M.Y.; Park, J.T.; Han, S.H.; Kang, S.W.; Park, S.; Yoo, T.H. Short-term blood pressure variability and incident CKD in patients with hypertension: Findings From the cardiovascular and metabolic disease etiology research center–high risk (CMERC-HI) study. Am. J. Kidney Dis. 2023, 81, 384–393. [Google Scholar] [CrossRef] [PubMed]
  12. Allen, J. Photoplethysmography and its application in clinical physiological measurement. Physiol. Meas. 2007, 28, R1. [Google Scholar] [CrossRef] [PubMed]
  13. Charlton, P.H.; Paliakaitė, B.; Pilt, K.; Bachler, M.; Zanelli, S.; Kulin, D.; Allen, J.; Hallab, M.; Bianchini, E.; Mayer, C.C.; et al. Assessing hemodynamics from the photoplethysmogram to gain insights into vascular age: A review from VascAgeNet. Am. J. Physiol.-Heart Circ. Physiol. 2022, 322, H493–H522. [Google Scholar] [CrossRef] [PubMed]
  14. Parati, G.; Saul, J.P.; Di Rienzo, M.; Mancia, G. Spectral analysis of blood pressure and heart rate variability in evaluating cardiovascular regulation: A critical appraisal. Hypertension 1995, 25, 1276–1286. [Google Scholar] [CrossRef]
  15. Lo, F.P.W.; Li, C.X.T.; Wang, J.; Cheng, J.; Meng, M.Q.H. 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), Jeju, Republic of Korea, 11–15 July 2017; pp. 1853–1856. [Google Scholar]
  16. Mohammed, H.; Wang, K.; Wu, H.; Wang, G. Subject-wise model generalization through pooling and patching for regression: Application on non-invasive systolic blood pressure estimation. Comput. Biol. Med. 2022, 151, 106299. [Google Scholar] [CrossRef]
  17. Kario, K. Evidence and perspectives on the 24-hour management of hypertension: Hemodynamic biomarker-initiated ‘anticipation medicine’for zero cardiovascular event. Prog. Cardiovasc. Dis. 2016, 59, 262–281. [Google Scholar] [CrossRef]
  18. 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]
  19. Fleischhauer, V.; Feldheiser, A.; Zaunseder, S. Beat-to-beat blood pressure estimation by photoplethysmography and its interpretation. Sensors 2022, 22, 7037. [Google Scholar] [CrossRef]
  20. Gupta, S.; Singh, A.; Sharma, A.; Tripathy, R.K. Higher order derivative-based integrated model for cuff-less blood pressure estimation and stratification using PPG signals. IEEE Sens. J. 2022, 22, 22030–22039. [Google Scholar] [CrossRef]
  21. Liu, L.; Zhang, Y.T.; Wang, W.; Chen, Y.; Ding, X. Causal inference based cuffless blood pressure estimation: A pilot study. Comput. Biol. Med. 2023, 159, 106900. [Google Scholar] [CrossRef]
  22. He, R.; Huang, Z.P.; Ji, L.Y.; Wu, J.K.; Li, H.; Zhang, Z.Q. Beat-to-beat ambulatory blood pressure estimation based on random forest. In Proceedings of the 2016 IEEE 13th International Conference on Wearable and Implantable Body Sensor Networks (BSN), San Francisco, CA, USA, 14–17 June 2016; pp. 194–198. [Google Scholar]
  23. Yu, M.; Huang, Z.; Zhu, Y.; Zhou, P.; Zhu, J. Attention-based residual improved U-Net model for continuous blood pressure monitoring by using photoplethysmography signal. Biomed. Signal Process. Control 2022, 75, 103581. [Google Scholar] [CrossRef]
  24. Huang, B.; Chen, W.; Lin, C.L.; Juang, C.F.; Wang, J. MLP-BP: A novel framework for cuffless blood pressure measurement with PPG and ECG signals based on MLP-Mixer neural networks. Biomed. Signal Process. Control 2022, 73, 103404. [Google Scholar] [CrossRef]
  25. Miao, F.; Wen, B.; Hu, Z.; Fortino, G.; Wang, X.P.; Liu, Z.D.; Tang, M.; Li, Y. Continuous blood pressure measurement from one-channel electrocardiogram signal using deep-learning techniques. Artif. Intell. Med. 2020, 108, 101919. [Google Scholar] [CrossRef]
  26. Wang, W.; Mohseni, P.; Kilgore, K.L.; Najafizadeh, L. Demographic Information Fusion Using Attentive Pooling In CNN-GRU Model For Systolic Blood Pressure Estimation. In Proceedings of the 2023 45th Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC), Sydney, Australia, 24–27 July 2023; pp. 1–4. [Google Scholar]
  27. Liu, Z.; Zhang, Y.; Zhou, C. BiGRU-attention for Continuous blood pressure trends estimation through single channel PPG. Comput. Biol. Med. 2024, 168, 107795. [Google Scholar] [CrossRef]
  28. Ma, K.; Zou, L.; Yang, F.; Chang’an, A.Z.; Gong, Y.; Huang, D. Continuous non-invasive arterial blood pressure monitoring with photoplethysmography via SE-MSResUNet network. Biomed. Signal Process. Control 2024, 90, 105862. [Google Scholar] [CrossRef]
  29. Masum, S.; Chiverton, J.P.; Liu, Y.; Vuksanovic, B. Investigation of machine learning techniques in forecasting of blood pressure time series data. In Proceedings of the Artificial Intelligence XXXVI: 39th SGAI International Conference on Artificial Intelligence, AI 2019, Cambridge, UK, 17–19 December 2019; Proceedings 39. Springer: Berlin/Heidelberg, Germany, 2019; pp. 269–282. [Google Scholar]
  30. Chen, J.; Song, P.; Zhao, C. Multi-scale self-supervised representation learning with temporal alignment for multi-rate time series modeling. Pattern Recognit. 2024, 145, 109943. [Google Scholar] [CrossRef]
  31. Jiang, X.; Cai, Y.; Wu, X.; Huang, B.; Chen, Y.; Zhong, L.; Gao, X.; Guo, Y.; Zhou, J. The multiscale dynamics of beat-to-beat blood pressure fluctuation links to functions in older adults. Front. Cardiovasc. Med. 2022, 9, 833125. [Google Scholar] [CrossRef]
  32. Bakkar, N.M.Z.; El-Yazbi, A.F.; Zouein, F.A.; Fares, S.A. Beat-to-beat blood pressure variability: An early predictor of disease and cardiovascular risk. J. Hypertens. 2021, 39, 830–845. [Google Scholar] [CrossRef]
  33. He, S.; Dajani, H.R.; Meade, R.D.; Kenny, G.P.; Bolic, M. Continuous tracking of changes in systolic blood pressure using BCG and ECG. In Proceedings of the 2019 41st Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Berlin, Germany, 23–27 July 2019; pp. 6826–6829. [Google Scholar]
  34. Liu, Z.D.; Li, Y.; Zhang, Y.T.; Zeng, J.; Chen, Z.X.; Cui, Z.W.; Liu, J.K.; Miao, F. Cuffless blood pressure measurement using smartwatches: A large-scale validation study. IEEE J. Biomed. Health Inform. 2023, 27, 4216–4227. [Google Scholar] [CrossRef]
  35. Qin, K.; Huang, W.; Zhang, T.; Tang, S. Machine learning and deep learning for blood pressure prediction: A methodological review from multiple perspectives. Artif. Intell. Rev. 2023, 56, 8095–8196. [Google Scholar] [CrossRef]
  36. Cheung, M.Y.; Sabharwal, A.; Cot, G.L.; Veeraraghavan, A. Wearable Blood Pressure Monitoring Devices: Understanding Heterogeneity in Design and Evaluation. IEEE Trans. Biomed. Eng. 2024, 71, 3569–3592. [Google Scholar] [CrossRef] [PubMed]
  37. Wu, H.; Hu, T.; Liu, Y.; Zhou, H.; Wang, J.; Long, M. Timesnet: Temporal 2d-variation modeling for general time series analysis. In Proceedings of the Eleventh International Conference on Learning Representations, Online, 25–29 April 2022. [Google Scholar]
  38. Gong, Z.; Tang, Y.; Liang, J. Patchmixer: A patch-mixing architecture for long-term time series forecasting. arXiv 2023, arXiv:2310.00655. [Google Scholar]
  39. Nie, Y.; Nguyen, N.H.; Sinthong, P.; Kalagnanam, J. A time series is worth 64 words: Long-term forecasting with transformers. arXiv 2022, arXiv:2211.14730. [Google Scholar]
  40. Kachuee, M.; Kiani, M.M.; Mohammadzade, H.; Shabany, M. Cuffless blood pressure estimation algorithms for continuous health-care monitoring. IEEE Trans. Biomed. Eng. 2016, 64, 859–869. [Google Scholar] [CrossRef] [PubMed]
  41. Liang, Y.; Elgendi, M.; Chen, Z.; Ward, R. An optimal filter for short photoplethysmogram signals. Sci. Data 2018, 5, 1–12. [Google Scholar] [CrossRef]
  42. Zong, W.; Heldt, T.; Moody, G.; Mark, R. An open-source algorithm to detect onset of arterial blood pressure pulses. In Proceedings of the Computers in Cardiology, Thessaloniki, Greece, 21–24 September 2003; pp. 259–262. [Google Scholar]
  43. Vaswani, A. Attention is all you need. arXiv 2017, arXiv:1706.03762. [Google Scholar]
  44. Zhang, Y.; Ma, L.; Pal, S.; Zhang, Y.; Coates, M. Multi-resolution Time-Series Transformer for Long-term Forecasting. In Proceedings of the International Conference on Artificial Intelligence and Statistics, PMLR, Valencia, Spain, 2–4 May 2024; pp. 4222–4230. [Google Scholar]
  45. Xiong, Q.; Tang, K.; Ma, M.; Xu, J.; Li, T. TDT Loss Takes It All: Integrating Temporal Dependencies among Targets into Non-Autoregressive Time Series Forecasting. arXiv 2024, arXiv:2406.04777. [Google Scholar]
  46. Kokubo, A.; Kuwabara, M.; Nakajima, H.; Tomitani, N.; Yamashita, S.; Shiga, T.; Kario, K. Automatic detection algorithm for establishing standard to identify “surge blood pressure”. Med. Biol. Eng. Comput. 2020, 58, 1393–1404. [Google Scholar] [CrossRef]
  47. Vardhan, K.R.; Vedanth, S.; Poojah, G.; Abhishek, K.; Kumar, M.N.; Vijayaraghavan, V. BP-Net: Efficient deep learning for continuous arterial blood pressure estimation using photoplethysmogram. In Proceedings of the 2021 20th IEEE International Conference on Machine Learning and Applications (ICMLA), Virtual, 13–16 December 2021; pp. 1495–1500. [Google Scholar]
  48. Esmaelpoor, J.; Moradi, M.H.; Kadkhodamohammadi, A. A multistage deep neural network model for blood pressure estimation using photoplethysmogram signals. Comput. Biol. Med. 2020, 120, 103719. [Google Scholar] [CrossRef]
Figure 1. Distribution histograms of SBP and SBP dynamics: (a) the distribution of all the SBP values in the dataset; (b) the statistics of SBP dynamics, derived from the difference between the maximum and minimum values (ΔSBP) for each sequence.
Figure 1. Distribution histograms of SBP and SBP dynamics: (a) the distribution of all the SBP values in the dataset; (b) the statistics of SBP dynamics, derived from the difference between the maximum and minimum values (ΔSBP) for each sequence.
Sensors 25 03625 g001
Figure 2. (a) The architecture of our proposed model with two stages: Intra-cycle Feature Extraction and Context-sensitive Interaction. (b) ResU Block. (c) ResBlock. (d) Transformer layer with RPE. For a given input, each PPG cycle slice of contextual cycles is first fed into ResU branches in parallel to generate a feature vector. Total n feature vectors are stacked into feature tokens in chronological order. Then, the contextual information between tokens interacts through Trans-RPE layers. Finally, the model outputs a SBP sequence.
Figure 2. (a) The architecture of our proposed model with two stages: Intra-cycle Feature Extraction and Context-sensitive Interaction. (b) ResU Block. (c) ResBlock. (d) Transformer layer with RPE. For a given input, each PPG cycle slice of contextual cycles is first fed into ResU branches in parallel to generate a feature vector. Total n feature vectors are stacked into feature tokens in chronological order. Then, the contextual information between tokens interacts through Trans-RPE layers. Finally, the model outputs a SBP sequence.
Sensors 25 03625 g002
Figure 3. Visualization of beat-to-beat SBP and 10-beat-averaged SBP.
Figure 3. Visualization of beat-to-beat SBP and 10-beat-averaged SBP.
Sensors 25 03625 g003
Figure 4. Errors at different states of SBP fluctuations.
Figure 4. Errors at different states of SBP fluctuations.
Sensors 25 03625 g004
Figure 5. The confusion matrixes of our model and other baseline models in detecting potential anomalies. GT represents the ground truth label of SBP variation states.
Figure 5. The confusion matrixes of our model and other baseline models in detecting potential anomalies. GT represents the ground truth label of SBP variation states.
Sensors 25 03625 g005
Figure 6. Visualization of the GT and estimated SBP sequences in different states from ours, ResU-LSTM and ResU-Trans. Each subplot below presents the GT (yellow line) and estimated SBP sequences corresponding to the gray box in the figure above (PPG signals). (a) Relatively steady state. (b) Abrupt excessive fluctuation.
Figure 6. Visualization of the GT and estimated SBP sequences in different states from ours, ResU-LSTM and ResU-Trans. Each subplot below presents the GT (yellow line) and estimated SBP sequences corresponding to the gray box in the figure above (PPG signals). (a) Relatively steady state. (b) Abrupt excessive fluctuation.
Sensors 25 03625 g006
Figure 7. Bland–Altman plot and regression plot of ours and other baseline models.
Figure 7. Bland–Altman plot and regression plot of ours and other baseline models.
Sensors 25 03625 g007
Figure 8. Bland–Altman plot and regression plot of ours in predicting DBP.
Figure 8. Bland–Altman plot and regression plot of ours in predicting DBP.
Sensors 25 03625 g008
Table 1. Evaluation results of our model and other baseline models for SBP trend estimation.
Table 1. Evaluation results of our model and other baseline models for SBP trend estimation.
ModelMetrics (mmHg)
MAE R seq VE
Trans5.5780.5201.800
Trans-RPE4.3040.6711.318
ResU-LSTM4.0150.3562.500
ResU-Trans3.5950.6811.510
ResU-Trans-RPE (L=1)3.4630.6831.464
ResU-Trans-RPE (L=2)3.3480.7061.321
Ours3.1860.7431.199
Table 2. Evaluation results of our model on the AAMI standard.
Table 2. Evaluation results of our model on the AAMI standard.
MESDSubject
Error standard≤5 mmHg≤8 mmHg85
Ours−0.2385.120238
Table 3. Evaluation results of our model on the BHS standard.
Table 3. Evaluation results of our model on the BHS standard.
Cumulative Absolute Error PercentageGrade
5 mmHg10 mmHg15 mmHg
Our method82.88%94.39%97.43%A
Grade A60%85%95%
Grade B50%75%90%
Grade C40%65%85%
Table 4. Performance comparison of our method with with existing methods for SBP values prediction via deep learning.
Table 4. Performance comparison of our method with with existing methods for SBP values prediction via deep learning.
ModelDatabase
(No. of Samples)
InputBeat-to-Beat SBPBeat-Averaged SBP
MAEMESDMAEMESD
Regression tree [18] Queensland(32 subjects) 3 features - −1.1 5.7 ---
Xgboost [19] CPT, PPG-BP, and Queensland (327, 840 beats) 15 features 6.37 2.89 12.02 ---
U-Net [47]MIMIC-II(949 subjects)10 s PPG segment5.16-----
CNN-LSTM [48]MIMIC-II(200 subjects)256-sample PPG segment(contains one complete cardiac cycle)-1.915.55---
Attention-basedresidual improved U-Net [23]MIMIC-III(100 subjects)600 samples (PPG, VPG, and APG)(contains 5 consecutive cycles)---4.75-6.72
MLPlstm-BP [24]MIMIC-II (3000 segments)10 s ECG and PPG segments---3.52-5.10
CNN-GRU [26]MIMIC-III(1293 segments)10 s ECG and PPG segments---4.900.127.00
SE-MSResUNet [28]MIMIC-II(111,097 segments)10 s PPG segment---3.88-6.17
OursMIMIC-II(238 subjects)contextual cycles(contains 60 complete cardiac cycles)3.186−0.2385.1203.053−0.2384.723
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Huang, X.; Zhang, X.; Millham, R.; Xu, L.; Wu, W. Robust Estimation of Unsteady Beat-to-Beat Systolic Blood Pressure Trends Using Photoplethysmography Contextual Cycles. Sensors 2025, 25, 3625. https://doi.org/10.3390/s25123625

AMA Style

Huang X, Zhang X, Millham R, Xu L, Wu W. Robust Estimation of Unsteady Beat-to-Beat Systolic Blood Pressure Trends Using Photoplethysmography Contextual Cycles. Sensors. 2025; 25(12):3625. https://doi.org/10.3390/s25123625

Chicago/Turabian Style

Huang, Xinyi, Xianbin Zhang, Richard Millham, Lin Xu, and Wanqing Wu. 2025. "Robust Estimation of Unsteady Beat-to-Beat Systolic Blood Pressure Trends Using Photoplethysmography Contextual Cycles" Sensors 25, no. 12: 3625. https://doi.org/10.3390/s25123625

APA Style

Huang, X., Zhang, X., Millham, R., Xu, L., & Wu, W. (2025). Robust Estimation of Unsteady Beat-to-Beat Systolic Blood Pressure Trends Using Photoplethysmography Contextual Cycles. Sensors, 25(12), 3625. https://doi.org/10.3390/s25123625

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop