Skip to main content

Non-invasive arterial blood pressure measurement and SpO2 estimation using PPG signal: a deep learning framework

Abstract

Background

Monitoring blood pressure and peripheral capillary oxygen saturation plays a crucial role in healthcare management for patients with chronic diseases, especially hypertension and vascular disease. However, current blood pressure measurement methods have intrinsic limitations; for instance, arterial blood pressure is measured by inserting a catheter in the artery causing discomfort and infection.

Method

Photoplethysmogram (PPG) signals can be collected via non-invasive devices, and therefore have stimulated researchers’ interest in exploring blood pressure estimation using machine learning and PPG signals as a non-invasive alternative. In this paper, we propose a Transformer-based deep learning architecture that utilizes PPG signals to conduct a personalized estimation of arterial systolic blood pressure, arterial diastolic blood pressure, and oxygen saturation.

Results

The proposed method was evaluated with a subset of 1,732 subjects from the publicly available ICU dataset MIMIC III. The mean absolute error is 2.52 ± 2.43 mmHg for systolic blood pressure, 1.37 ± 1.89 mmHg for diastolic blood pressure, and 0.58 ± 0.79% for oxygen saturation, which satisfies the requirements of the Association of Advancement of Medical Instrumentation standard and achieve grades A for the British Hypertension Society standard.

Conclusions

The results indicate that our model meets clinical standards and could potentially boost the accuracy of blood pressure and oxygen saturation measurement to deliver high-quality healthcare.

Peer Review reports

Background

Chronic cardiovascular and cerebrovascular disease are considered to be among the most prevalent causes of death nowadays [1], and hypertension is one of the leading causes of heart disease and stroke [2]. Hypertension is defined as systolic blood pressure (SBP) higher than 140 mmHg or diastolic blood pressure (DBP) higher than 90 mmHg [3]. According to the World Heart Federation, approximately 50 percent of ischemic strokes are caused by hypertension [4]. In addition, with the Covid-19 pandemic ravaging the world, a recent study shows that almost 75% of patients who have died due to Covid-19 in Italy had a history of hypertension, which indicates a high correlation between hypertension and Covid-19 mortality [5]. For patients who are suffering from vascular diseases, blood pressure (BP) monitoring and management are crucial [6].

Arterial Blood Pressure (ABP) is an invasive continuous BP measurement method that has been widely accepted as the golden standard [7]. However, since the mechanism of ABP is to insert a catheter into an artery to conduct real-time BP monitoring, it is highly sensitive to body movement, such as position changes, and it is relative to the accessed artery, which may bring risks of complications to the patient like infection [8]. Techniques such as cuff-based ABP measurement devices have been widely used for monitoring ABP. However, such measurements might cause discomfort to patients during the inflation and deflation of the cuff. This can affect the accuracy and introduce higher levels of uncertainty [9,10,11]. Thus, researchers and clinicians are interested in non-invasive approaches [12, 13] to measure ABP.

Photoplethysmography (PPG) and electrocardiogram (ECG) signals can be collected by non-invasive measurement devices such as Fiber optic sensors [6] and force-sensitive electromechanical film sensors [14], and have shown a close correlation in estimating ABP. Although both ECG and PPG signals are available in the MIMIC database, ECG signals have a higher missing rate, and the lead count varies for different patients [15]. Moreover, recording ECG signals is generally considered to be more bothersome than recording PPG signals, which is not preferable for a non-invasive ABP estimation method [16, 17]. Additionally, ECG devices are expensive, while fingertip PPG devices are cheap, so there won't be scalability issues [18]. ABP is a quasi-periodic signal in sync with the patient’s heartbeat. The peak in each period refers to arterial systolic blood pressure (ASBP), and the lower bound refers to arterial diastolic blood pressure (ADBP), and correlations between ASBP, ADBP, and PPG signals are shown in Fig. 1.

Fig. 1
figure 1

PPG signals (upper) and Aortic Pressure in a beat cycle (lower) from MIMIC III dataset. The top figure presents an example of a PPG signal (blue), and the bottom one represents details of a beat cycle with a corresponding ABP signal (red)

In recent years, studies have focused on estimating ABP using PPG signals, adopting the spatial–temporal neural network consisting of convolutional neural networks (CNN) and gated recurrent units (GRU) to predict ABP level using PPG signals and its first and second derivative [19]. Athaya et al. employed a U-net-based deep learning architecture to estimate ABP waveforms using PPG signal only, and estimation of related ABP is achieved by using the peak detection algorithm on the MIMIC III dataset [20]. EI Hajj et al. introduced a GRU-based deep learning approach with time domain-based features to estimate ABP using raw PPG signals [21]. Despite the extraordinary performance achieved by deep learning-based methods, their requirement for specific input formats may limit their deployment, as heterogeneity in clinical settings may involve ABP estimation given PPG signals with varying sequence lengths. Furthermore, previous studies have generally been limited in terms of the number of subjects included, and robustness is not fully discussed.

In addition to the possibility of ABP estimation, PPG signals serve as a promising input to estimate oxygen saturation (SpO2) with appropriate modeling [22]. SpO2 is an indicator of the percentage of hemoglobin saturated with oxygen at the time of the measurement [22, 23]. Normal SpO2 ranges from 95 to 100 percent, while below 90 percent is considered abnormal and called hypoxemia, which may cause other complications, such as nausea [24], fatigue [25], organ damage, and failure [26]. The absorption of LED’s green light by oxyhemoglobin and deoxyhemoglobin has significant differences, therefore, the changes of PPG signals induced by blood flow fluctuation can be used to estimate Oxygen saturation level in blood. Several studies have demonstrated how PPG signaling could be used to measure the level of SpO2 [22, 27]. However, to the best of our knowledge, no previous study has utilized deep learning (DL) models on PPG signals acquired from medical devices to estimate ABP and SpO2 levels simultaneously. These methods failed to estimate ABP and SpO2 simultaneously due to noise in signals introduced by ABP and SpO2. Here we want to propose a continuous and hardware-independent solution to address the problem of predicting ABP and SpO2 using PPG signals and reduce the implementation cost. In addition, a relatively small sample size may introduce higher uncertainty in the deep learning model training process and undermine generalizability.

In [28,29,30], the methods based on Pulse Transit Time (PTT) were proposed. PTT refers to the time used for ABP waves transiting to the wrist, where the PPG signal is recorded. Moreover, several recent studies introduced additional features based on the second derivative of the PPG signal and demographic features to boost the accuracy of estimating ABP [31,32,33]. All feature extraction-based methods start with extracting features from the PPG signal with a pre-defined feature extraction pipeline, which may fail to capture all information inherited in the signals and lead to deteriorated generalizability. In addition, none of the feature-extraction-based methods exploit temporal information by considering PPG signals as time series data undermining the estimation performance. Furthermore, diverse machine learning and deep learning-based pipelines were proposed in recent years. Su et al. employed a Long-Short term memory (LSTM) network to PPG signals processed by PTT [34], while Kachuee et al. explored the combination of AdaBoost and PTT on the MIMIC II dataset [35]. Due to the ability to extract local temporal features, a convolutional neural network (CNN) was also utilized in the estimation of ABP using PPG [36,37,38]. However, these methods may suffer from inflexibility and lack of generalizability due to fixed kernel size, or inefficiency in temporal feature extraction. Therefore, we hypothesize that using Time Series Transformer on PPG signals alone could provide accurate ABP and SpO2 prediction for ICU patients.

Hence, in this paper, we propose a method to estimate ABP and SpO2 using Transformer-based deep learning architecture. Our model only needs the raw PPG signal to estimate ASBP, ADBP, and SpO2. To the best of our knowledge, this is the first work to estimate ASBP, ADBP, and SpO2 using PPG signals. This approach has many advantages, including:

  1. 1.

    This method is an end-to-end approach to processing PPG signals and can handle different periods of PPG signals to deliver accurate ABP and SpO2 estimation.

  2. 2.

    The model was developed using unsupervised pre-training and supervised fine-tuning. The utilized approaches are less prone to overfitting and are appropriate for personalized model creation with high accuracy.

  3. 3.

    The model satisfies the requirements of the Association of Advancement of Medical Instrumentation (AAMI) standard and achieves grade A for the British Hypertension Society (BHS) standard, with significantly low mean absolute error (MAE) than standard criteria on a large test cohort (1,732 patients in total).

  4. 4.

    This method transforms an invasive measurement of ABP to a non-invasive approach while maintaining high accuracy, therefore, it reduces risks to the patient and is more applicable for continuous monitoring.

Methods

Data and preprocessing

Our work utilizes the MIMIC III database, available online per request [39]. This database contains a mixture of different types of digital data (typically contains ECG, ABP, respiration, PPG, and others) with over 60,000 records from more than 30,000 ICU patients. Each patient has at least one record, which ranges from seconds (usually anomalies) to hundreds of hours. Following methods described in the previous study [19], we extracted ABP and PPG signals from bedside waveform (only 10,282 patients have waveform signals documented) records, and cleaned and pre-processed the original data to rule out the anomalies. Considering the impact of the length of signal slices on prediction accuracy, we conducted a literature search and presented it in Supplementary Table 1. We discovered that the chosen sample lengths for different models ranged from beat-wise (approximately 1 to 2 s) to 32 s. Additionally, we performed an initial investigation on the range of heart rates found in the MIMIC III dataset, and identified reference that indicate a minimum heart rate of around 20 bpm [40]. We plotted the histogram of the heart rate distribution in our dataset in Supplementary Fig. 1. Upon analyzing the heart rate distribution, we observed that, as the dataset comprises ICU patients, there are indeed slices with relatively lower heart rates (less than 40 bpm). Given that we were considering the use of a Time Series Transformer for our proposed model, we empirically selected a 20-s sample length. We performed the preprocessing and cleaning steps first, and to further denoise the PPG signal and extract the latent signal for model training, we conducted empirical mode decomposition (EMD) on PPG 20-s slices and divided the results into 4 channels and fed them into a Transformer encoder-based model. The embedding of each record is fed as an input into a feed-forward network for regression on the corresponding SpO2, ASBP, and ADBP values.

The preprocessing and cleaning steps of the dataset are illustrated in Fig. 2. The entire waveform dataset was downloaded into a dedicated server and transformed to the proper MATLAB format by the wfdb2mat function in the WFDB software package [41]. In addition, using waveform type information from the header files, we excluded those records that do not contain ABP or PPG (specified as ABP and PLETH in header files) and removed the files smaller than 17 kilobytes.

Fig. 2
figure 2

Signal preprocessing flow gram. The figure shows patient/data inclusion/exclusion criteria in each major step

Afterward, we took more detailed cleaning procedures to enhance waveform quality. Firstly, we set the time length threshold of records to be 10 min while records shorter than that were deleted. Then, we checked the morphology of waveform signals and found that a large proportion of signals contain outliers, which can be divided into two major categories: flat lines and flat peaks. We applied a cycle peak-valley detection algorithm proposed by [19, 42] on both ABP and PPG signals, and signals were further cut into slices, which contain separate cycles. Using locations of peaks and valleys, we defined “flat” as 3 or more consecutive equal values; hence, the proportion of flat parts in the whole record of both ABP and PPG signals was calculated. If the proportion was beyond 5%, we simply discarded the entire record. For those records containing flat parts less than 5%, we discarded the flat part and sutured the remaining part.

After the initial preprocessing, we filtered the ABP data using a Hampel filter [43] with a sliding window of 100 values. For each window, the median was computed, and outliers were replaced with this median if they fell 3 sigmas below or above it. It is important to note that, as our data came from different patient sources, we did not apply any global or local normalization to the records. As shown in Fig. 3, the Hampel filter effectively filtered abnormal ASBP and ADBP values due to its robustness against outliers. The PPG data was filtered using a 4th-order Butterworth band-pass filter with a frequency range of 0.5 to 8 Hz. This helped to filter out the baseline wander below 0.5 Hz and high-frequency noise above 8 Hz, which can contribute to eliminating motion artifacts and high-frequency noise [44]. A demonstration of the filters applied to the signals is shown in Fig. 4. Fast Fourier Transform frequency analysis revealed several noise peaks in the range of 0.5 to 8 Hz. The 4th-order Butterworth filter was used because it can provide a smooth, flat frequency response in the passband, coupled with a rapid transition to the stopband, without overshoot or ringing. Examples of unsuitable ABP and PPG segments can be found in Supplementary Fig. 2.

Fig. 3
figure 3

Illustration plot of ABP signal slice, its corresponding ASBP values at peaks before and after Hampel Filtering. A motion artifact is detected and the abnormal ASBP value is replaced with the window average median

Fig. 4
figure 4

Illustration plot of PPG signal slice and Fast Fourier Transform Frequency Domain after Butterworth Bandpass Filtering. ad) present signal morphology before and after Butterworth bandpass filter of orders 2, 4, and 6, respectively, with fixed frequency threshold [0.5, 8] Hz. eh) present corresponding Power Spectral Density by Fast Fourier analysis. As subplot (g) shows, noise exists with a lower frequency and is diminished after filtering. SNR: Signal–Noise Ratio

We carried out a segmented cycle quality assessment for both ABP and PPG signals. Starting from the initial time point of the cardiac cycle in the signal, we analyzed the subsequent 20-s segments, identifying all beat cycles within this duration using a cycle peak-valley detection algorithm proposed by [19, 42]. If we detected more than 3 anomalous cycles in either the ABP or PPG signals, we disregarded that specific segment. Subsequently, if the segment passed the quality assessment, we computed the average values for ASBP and ADBP using ABP signals. A comprehensive outline of our data selection criteria can be found in Supplementary Table 2.

After preprocessing and cleaning of the dataset, we have in total 804,676 slices with related ASBP and ADBP values, belonging to 2,641 records of 1,732 patients. The distribution of ASBP, ADBP, and SpO2 values is shown in Fig. 5.

Fig. 5
figure 5

Distribution of (a) arterial systolic BP (ASBP), (b) arterial diastolic BP (ADBP), and (c) SpO2 in the processed dataset

To denoise the PPG signals, we employed Empirical Mode Decomposition (EMD) because it captures key features of each heartbeat and provides additional input channels for our TST model. Please refer to Supplementary Fig. 3 for an example plot of EMD applied to PPG signal segments. EMD is particularly suitable for this task as it makes only mild assumptions about time-series data and does not rely solely on simple sine and cosine waves, allowing it to be used for denoising and feature extraction while retaining the original dimensions of the raw signals. We conducted an exploratory experiment based on the MLM-transformer model to determine the optimal number of channels. We tested 2, 3, 4, and 8 channels and found that the model with 4-channel EMD-processed data yielded satisfactory MAE performance (see Supplementary Table 3). Consequently, we used 4-channel time-series data with a dimension of 2,500 (corresponding to 20-s) as our input for model training. Table 1 presents a comparison of prediction performance using different signal denoising techniques, demonstrating that EMD is effective in feature extraction.

Table 1 Results of baseline comparison using different signal denoising techniques. Experiments were conducted using a Vanilla Transformer structure trained 70% training patients’ records and evaluated over 30% testing patients’ records

Proposed model

Recently, Transformer-based models achieved superior performance in Natural Language Processing and Computer Vision tasks due to their extraordinary ability of temporal feature extraction and representation [45, 46]. In addition, several previous studies applied Transformer to time series prediction, showing its potential in time-series regressions [47, 48]. Our deep learning architecture utilizes the Transformer encoder [45]. The TST model is based on the attention mechanism, which considers any pair of readings from the input channels with an attention score, while RNN-based models rely on a hidden memory state to store previous information, which is hard to parallelize during model training and may trigger information loss due to improper selection of hidden state dimension, leading to undermined estimation performance [34, 36, 37]. Moreover, the proposed model utilized unsupervised pre-training and supervised fine-tuning strategies for personalized models, which maintains high generalizability in ICU cases. In addition, local patterns extracted by attention mechanisms could boost model performance. The reason we did not adopt the full Transformer architecture with encoders and decoders is that the estimation of ABP and SpO2 concentrates on feature extraction from input data instead of signal reconstruction tasks. To be specific, the Transformer encoder maintains scalability in feature extraction from time-series inputs and is more suitable for our tasks. We refer the readers to the original paper of Transformer for details on Transformer encoder architecture for further clarification.

Transformer encoder model

For each training sample \(X \epsilon {R}^{w\times l} = [{x}_{1}, {x}_{2}, ..., {x}_{l} ]\), where w refers to the number of channels generated by EMD, and l refers to the length of the channel. Standardization for each channel is conducted by subtracting its mean and dividing by the standard deviation, and then a linear projection onto D-dimensional representation space is used, where D refers to the input dimension of the transformer model:

$${z}_{t} = {W}_{p} \cdot {x}_{t}+{b}_{p}$$
(1)

where \({W}_{p} \epsilon {R}^{D\times w}, {b}_{p} \epsilon {R}^{D}\) are learnable linear projection parameters. The output \({z}_{t}\) serves as the input for the transformer encoder model, which could be used as queries, keys, and values in self-attention layers. Without external information, self-attention focuses on the extraction of internal information and latent patterns within signals. Mathematically, the linearly projected signal Z serves as query, key, and value after multiplying three trainable weights vectors \({\omega }^{q}\), \({\omega }^{k}\) and \({\omega }^{v}\), and l represents the length of Z:

$$Attention(Q,K,V) = softmax(\frac{Q{K}^{T}}{\sqrt{l}})V$$
(2)

where:

$$Q = {\omega }^{q}\cdot Z$$
$$K = {\omega }^{k}\cdot Z$$
$$V = {\omega }^{v}\cdot Z$$

Since the attention mechanism could not naturally capture ordering information, a positional encoder is required to inform the model of the ordering of input signals. We added positional encodings \({W}_{pos}\) to the input vector\({z}_{t} \epsilon {R}^{D\times l} = [{z}_{1}, {z}_{2}, ..., {z}_{l}]\):

$$Z\mathrm{^{\prime}} =Z +{W}_{pos}$$
(3)

We noticed that in the original transformer encoder, the deterministic sinusoidal positional encoder achieved extraordinary performance in many NLP tasks, however, PPG signals maintain periodic patterns, and a learnable positional encoding could extract such patterns more effectively. Although the input dimension and length of PPG signals in our dataset remain fixed, we may encounter considerable variance in signal length when deploying in real life. This issue is effectively solved with our Transformer-based approach: after setting a maximum signal length \(l,\) samples with shorter input lengths are padded. The padding process introduces extremely large negative values to the attention scores for the padded positions. In our implementation, therefore, a padding mask is utilized to force the model to overlook padded positions. By doing so, our model could potentially handle any PPG signal shorter than our maximum length. Finally, a layer normalization is conducted after computing self-attention scores and the linear layer of each encoder block, leading to a robust output. The overall encoder structure is shown in Fig. 6.

Fig. 6
figure 6

Illustration of self-attention-based encoder structure

To deliver regression on ASBP, ADBP, and SpO2, we adopt fully connected layers to project embedding vectors learned by transformer encoder blocks onto a scalar value for each task:

$$\widehat{y} ={W}_{o}\cdot Z\mathrm{^{\prime}} +{b}_{o}$$
(4)

where \({W}_{o}\) and \({b}_{o}\) are learnable parameters in fully connected layers. The loss function is mean squared error \(L = \frac{1}{n}\Sigma ||\widehat{y} -y|{|}^{2}\) where \(y\) is the ground truth and n is the batch size.

Pre-trained and fine-tuning for personalization regression

To further investigate the proposed model in personalized ABP and SpO2 prediction, we introduced unsupervised learning-based pre-training and fine-tuning techniques to conduct personalized prediction. The unsupervised pre-training part aims at learning latent patterns inherited in PPG data from training samples of a diverse cohort, while the fine-tuning part conducts personalized ABP and SpO2 prediction using individual training samples and model parameters initialized by the pre-training part.

In the unsupervised pre-training part, an autoregressive task is utilized. We borrowed the idea from Masked Language Modeling (MLM) [49], and basically, for each PPG sequence, a random set of records is masked, and the model is asked to predict the masked region of the sequence. Data splitting was performed by random selection of patients into training and testing datasets, and demographic feature statistics of splitting is calculated. For each patient’s record, the model was finetuned with the first 20% as training and the rest 80% as evaluation. This chronological split helps to avoid data leakage. A summary of the dataset splitting was presented in Table 2, and an illustration of dataset splitting was given in Supplementary Fig. 4. We further fine-tuned the pre-trained transformer encoder to personalize the model for each patient. An ablation study was conducted to find the best rate for finetuning to be 20% (please see Supplementary Table 4).

Table 2 Summary of the dataset splitting

To further improve model performance and generalizability, we adopted personalized model training, which considers patients with multiple samples available (at least a 200-s PPG signal available). We split each patient’s samples as training, validation, and testing sets in chronological order, where we use all patients’ samples in the training set to conduct pre-training, which serves as the base model for all patient-specific fine-tuning tasks and fine-tuning on each patient’s sample in the testing set. Then each patient-specific model is validated on the corresponding validation set to determine the best model. The result reported in the result section is evaluated on each patient’s testing set. All models used in this paper are based on a 3-layer Time Series Transformer with ReLU as an activation function. For different tasks, a fully connected layer with hidden dimension 128 was used. We used MLM-Transformer as the pre-training task with 200 epochs and 3e-3 as fine-tuning learning rate with the beta coefficient for learning rate decay after epoch 50. The fine-tuning task will terminate if validation loss could not decrease within 20 epochs (patience parameter as 20).

The overall architecture of our Transformer-based model on the estimation of ABP and SpO2 using PPG data is shown using a flowchart in Fig. 7.

Fig. 7
figure 7

ABP and SpO2 Estimation using PPG by Transformer-based Time Series Model

Evaluation metrics and experimental setup

ABP and SpO2 prediction is compared with other models by the mean absolute error (MAE), which is defined as

$$MAE = \frac{1}{N}{\sum }_{i=1}^{N}||\widehat{y} -y||$$
(5)

and the rooted mean square error (RMSE), which is defined as

$$RMSE =\sqrt{\frac{1}{N}{\sum }_{i=1}^{N}||\widehat{y}-y|{|}^{2}}$$
(6)

where N is the number of record counts in a batch, ŷ is the model prediction and y is the golden label.

Training environment

Python v3.9.10 (Python Software Foundation) with package ‘pytorch’ v1.13.0 [50] was used for data processing and model building. All experiments were conducted on DGX-2 and 2 Nvidia v100 GPUs.

Results

Estimation of ABP and SpO2

A demographic statistics summary of the dataset used is presented in Table 3.

Table 3 Demographic statistics of dataset split. For hypothesis testing, we conducted Welch's two-tailed t-test to compare the means of age and length-of-stay-at-hospital between two independent groups and Pearson’s Chi-square test for other categorical variables. To account for multiple comparisons, p-values were adjusted using the Bonferroni Correction. All p-values > 0.05 indicate that there is no evidence to suggest that the groups are statistically different or that there is an association between the categorical variables tested

To compare the performance of the proposed approach, several baselines (basic transformer and CNN-based U-Net) are adopted for the prediction of ABP and SpO2, which are shown in Table 4. Additionally, we performed an ablation study using a 5-s sample length, which led to MAE and SD values for ASBP and ADBP of 2.52 ± 2.63 and 1.37 ± 1.89, respectively.

Table 4 Overall prediction performance (measured as MAE) of the proposed Transformer Models (bottom 3) on the test dataset for ASBP, ADBP, and SpO2 in comparison with traditional Transformer and U-Net model as baseline. MLM, fine-tuned with Masked Language Modeling

For the multi-task Transformer model, we fine-tuned the pre-trained Transformer model for the regression of ASBP, ADBP, and SpO2 simultaneously, which showed undesirable performance due to heterogeneity among ABP and SpO2 readings of ICU patients.

The Bland–Altman plots for the personalized Transformer model are shown in Fig. 8. The x-axes refer to pressure from 60 to 220 mmHg for ASBP and 30 to 140 mmHg for ADBP, while the y-axes stand for error ranging from -30 to 30 mmHg for our estimation. The dashed horizontal lines refer to error at -15 to 15 mmHg with 5 mmHg as intervals step size. As Fig. 8 shows, most of the ASBP and ADBP errors lie in [-5, 5]. A subgroup analysis of prediction performance was conducted, based on the patients’ gender, age, and length of stay at hospitals, and the results are shown in Fig. 9. No demographic prediction bias was found considering these features.

Fig. 8
figure 8

Bland–Altman scatterplot for (a) ASBP and (b) ADBP values. The top histograms present golden label distributions for the test set, and the right histograms present the distributions of differences between predicted and actual values

Fig. 9
figure 9

Model performance on demographic subgroups. ac) present the performance of patients of different ages and gender, and df) present the performance of patients with different lengths of stay at the hospital. Columns from left to right: ASBP, ADBP, and SpO2. As plot shows, our proposed model does not present significant prediction differences in different subgroups

Comparison with state-of-the-art studies

As demonstrated in Table 5, the results of our approach were compared with other state-of-the-art studies on PPG-BP predictions. The evaluation metrics used are estimation error (MAE ± S.D.) and the squared Pearson correlation coefficient (r2) for systolic blood pressure (SBP) and diastolic blood pressure (DBP). We achieved 2.41 ± 2.72 and 1.31 ± 1.77 for SBP and DBP with r2 = 0.982 and r2 = 0.971, respectively, which is better than the existing approaches in BP estimation.

Table 5 Comparison of methods and result of state-of-the-art studies with proposed model

We compared our proposed transformer-based model with feature extraction-based ML or DL models. The recent study from Gupta et al. used nonlinear features extracted from the third and fourth derivatives of the PPG cycle, combined with random forest as one of the traditional machine-learning models [52]. The authors reported achieving 1.30 ± 4.05 and 0.56 ± 1.70 for SBP and DBP, respectively, on the MIMIC III dataset. However, a selected smaller sample (510 subjects) was used in that study and the denoising process was not fully presented.

Moreover, the time sequence consistency between slices was not taken into consideration in the dataset splits, which can sabotage the validity of the results. In addition, the inflexibility of the input format may undermine its potential in a real-world deployment. Traditional models such as CNN-RNN combined deep learning model can indeed improve prediction performance through fine-tuning techniques, which is demonstrated by Leitner et al. [37]. Through personalization, the MAE in that study improved from 4.59 and 2.72 mmHg for SBP and DBP to 3.52 and 2.20 mmHg respectively. However, we think that the natural setting of the fixed count of convolutional channels and the dimension of the convolutional kernel results in limited applicability to PPG signals with motion artifacts and heterogeneity of the patient cohort. And in the compared study, the qualified patients have 10-h high-quality data. Also, in the compared study, there is no control of time sequence in fine-tuning, namely the model can be trained on later slices and evaluated on earlier slices. On the other hand, please kindly note that our inclusion criteria require only 10 or more segments of qualified slices which are 200 s in length in total, and we used all available samples from the fine-tuned patient record. Moreover, we used the earlier 20% slices for fine-tuning and the later 80% for evaluation to avoid data leakage problems.

On the other hand, Su et al. utilized ECG and PPG signals with Long Short-Term Memory (LSTM) networks to predict BP waveform, which achieved RMSE of SBP and DBP of 3.73 and 2.43, respectively [34]. However, it’s based on healthy subjects whose SBP and DBP maintain lower fluctuation compared with ICU patients. Moreover, some works based on the MIMIC II dataset were proposed. Kurylvak's group initially introduced the neural network to handle PPG signals of the MIMIC II dataset, which illustrated the potential of a neural network-based approach in signal processing of vital signs [51]. Kachuee et al. proposed an Adaboost-based framework to process vital signs, which achieved moderate performance due to model simplicity and small sample size [51].

Compliance with standards

The prediction on the test dataset is compared with the AAMI error standard for the estimation of ABP [54]. Note that the AAMI standard requires an ME less than 5 in the prediction of ABP with more than 85 subjects (we also presented MAE as a more rigorous criterion which is commonly used in previous PPG-BP prediction work) A comparison between the AAMI standard and our proposed model is shown in Table 6.

Table 6 Comparison of our results with the Association for the Advancement of Medical Instrumentation (AAMI) standard

In addition, the performance of MLM-Transformer w/personalization is also evaluated by the British Hypertension Society (BHS) grading standard [55], which is shown in Table 7. The BHS grading standard measures the cumulative percentage of a pre-defined error range. According to the evaluation, our results achieved “Grade A”, which means at least 60% of samples with less than 5 mmHg error, at least 85% of samples with less than 10 mmHg error, and at least 95% of samples with less than 15 mmHg error.

Table 7 Comparison of our results with the British Hypertension Society (BHS) grading standard

Discussion

In this study, we developed a novel end-to-end transformer-based deep learning model for the prediction of ABP and SpO2 using a PPG signal and evaluated its performance on the MIMIC III waveform dataset. Results show that our model reached the prediction accuracy as MAE of ASBP, ADBP, and SpO2 by 2.41, 1.31, and 0.56, respectively, and complies with current standards for ABP prediction. The proposed model is trained and evaluated on 1,732 patients and over 4000 records in total which to the best of the author’s knowledge, is the largest subset compared to former studies.

As shown in Fig. 5, after preprocessing, we collected PPG and ABP signal data from 1,732 subjects, which is much higher compared with previous studies. Although we achieved similar performance with [20], our model is capable of delivering ABP and SpO2 prediction simultaneously with pre-trained and fine-turned models, which serve as a satisfactory personalization model not only for ICU patients but also for more wide-scale general usage. It is worth noting that utilizing preprocessing steps we proposed, we produced a subset of the MIMIC III waveform subset with high-quality PPG signal slices with ABP-based blood pressure as golden labels. It should be noted that such preprocessing steps could filter out a large proportion of raw signal data due to a lack of synchronized ABP or SpO2 signals, or relatively low-quality PPG signals with nuances, such as flat lines and fluctuations.

To fully utilize all available data, we further implemented unsupervised pre-training which enables us to train personalized models using not only golden-labeled data, but all training samples to deliver robust and reliable results. Due to the large data dimension and heterogeneity among patients, especially ICU patients, feature extraction-based methods are impractical and hard to implement in real life [56]. Hence, we chose deep learning models to deliver end-to-end ABP and SpO2 prediction. Different from LSTM and other recurrent neural networks, transformer-based models do not require complicated gates and cell designs to process sequential information. Instead, an attention mechanism is utilized to automatically recognize significant patterns from raw data, which not only boosts the model’s ability in latent pattern recognition but also saves computational resources. In addition, since the transformer model was proposed naturally to process unstructured text data, it could tolerate different lengths of input by introducing masks to pad the input.

In our experiment, the boost of prediction accuracy was achieved through supervised personalization, which is essentially fine-tuning a pre-trained transformer model with the upstream slices of the same patient to predict downstream tasks. This further increased the MAE of ASBP, ADBP, and SpO2 by 4.35, 2.26, and 1.09, respectively. We used rather unconstrained inclusion/exclusion criteria when filtering a subset from the MIMIC III waveform subset regarding the patient’s demographic and clinical information, such as ICD-9 diagnosis, to ensure the wide range of its application. Therefore, it is expected to generate a rather heterogeneous subset over the original one. Such heterogeneity in clinical conditions has been reported to connect with different ABP clinical impact and management strategies [57], in addition to demographic features (impact of different age, BMI, gender, and race/skin color for PPG absorption as an example [58]). Thus, we anticipated a personalization of the model would help further improve the prediction performance.

As shown in Fig. 2, the prediction performance remains relatively stable within a large span of ABP distribution. We also compared the results with AAMI and BHS standards and results show that the MLM-Transformer w/personalization complies with the standards for ensuring accuracy, safety, and effectiveness, meanwhile the model also achieved satisfied prediction accuracy for SpO2 prediction. It is worth noting that in this dataset, the distribution of patients’ SpO2 is highly skewed, and only 0.6% and 15.5% of our samples are considered below standards, using thresholds of 90% and 95% respectively. Predicting SpO2 levels with accuracy and conductibility has gained more attention in recent years, especially during Covid-19 pandemic [59, 60]. One potential future study would be transferring and evaluating this model on the Covid-19 patient dataset.

This study has several limitations. One major drawback of using PPG signals to predict blood pressure is the potential for data bias. PPG signals are highly sensitive to changes in skin color and commonalities, which can vary significantly from person to person (Wang et al., 2016). As a result, the PPG data collected may not be representative of the general population and may be biased toward certain demographic groups or patient groups. Due to data accessibility, the relationship between comorbidities and the prediction performance of the proposed model was not studied, which remains for future research. Another limitation of this approach is its generalizability. The MIMIC III dataset is a collection of records from ICU patients, so the applicability of the proposed model to other cohorts and healthy subjects requires further investigation on external datasets. MIMIC-II is considered by its authors an older version of MIMIC-III (and MIMIC-IV https://mimic.mit.edu/docs/ii/), and also there is an issue of overlapping patients between different versions of the MIMIC database (https://github.com/MIT-LCP/mimic-code/issues/229). A potential hazard of data leakage may occur if we evaluate the model trained on MIMIC-III to MIMIC-II, so we decided not to do so. Although there was a lack of external evaluation, we trained and tested our model on sample slices acquired from 1,732 subjects, of which cohort size is expanded compared to former studies. We will continue evaluating our work in clinical settings in future studies. Finally, there are potential issues in the deployment of the proposed personalized model, which can be computationally expensive, and we plan to further investigate how to put the proposed personalization method into practice. In future studies, a combination of additional information, e.g., demographic features such as age and gender, clinical information, and deep learning model may further improve the model performance. Moreover, properly defined loss functions considering the heterogeneity may boost the performance of a multi-task Transformer. Lastly, data utilized in this study was solely collected from ICU patients [39], and incorporating this MIMIC III waveform subset with a dataset collected from healthy people may help further increase the prediction performance.

Availability of data and materials

The data that support the findings of this study is part of the original MIMIC III waveform matched subset, which was used under license for the current study and is publicly available upon permission (research proposal requested), and is available at: https://physionet.org/content/mimic3wdb-matched/1.0/ [39].

Abbreviations

AAMI:

Association of Advancement of Medical Instrumentation

ABP:

Arterial Blood Pressure

ADBP:

Arterial diastolic blood pressure

ASBP:

Arterial systolic blood pressure

BHS:

British Hypertension Society

BP:

Blood pressure

CNN:

Convolutional neural network

DL:

Deep learning

ECG:

Electrocardiogram

EMD:

Empirical mode decomposition

MLM:

Masked Language Modeling

GRU:

Gated recurrent units

ICU:

Intensive care unit

MAE:

Mean absolute error

NLP:

Natural language processing

PTT:

Pulse transit time

SpO2 :

Oxygen saturation

References

  1. Lozano R, et al. Global and regional mortality from 235 causes of death for 20 age groups in 1990 and 2010: a systematic analysis for the Global Burden of Disease Study 2010. Lancet. 2012;380(9859):2095–128.

    Article  PubMed  Google Scholar 

  2. Kung HC, Xu J. Hypertension-related mortality in the United States, 2000–2013. NCHS Data Brief. 2015;(193):1–8.

    Google Scholar 

  3. Virani SS, et al. Heart disease and stroke statistics-2021 update: A report from the American Heart Association. Circulation. 2021;143(8):e254–743.

    Article  PubMed  Google Scholar 

  4. Jeemon P, et al. World Heart Federation Roadmap for hypertension - A 2021 update. Glob Heart. 2021;16(1):63.

    Article  PubMed  PubMed Central  Google Scholar 

  5. Kreutz R, et al. Hypertension, the renin-angiotensin system, and the risk of lower respiratory tract infections and lung injury: implications for COVID-19. Cardiovasc Res. 2020;116(10):1688–99.

    Article  CAS  PubMed  Google Scholar 

  6. Myllylä TS, et al. Fibre optic sensor for non-invasive monitoring of blood pressure during MRI scanning. J Biophotonics. 2011;4(1–2):98–107.

    Article  PubMed  Google Scholar 

  7. Siaron KB, et al. Blood Pressure measurements are site dependent in a cohort of patients with neurological illness. Sci Rep. 2020;10(1):3382.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  8. Bur A, et al. Factors influencing the accuracy of oscillometric blood pressure measurement in critically ill patients. Crit Care Med. 2003;31(3):793–9.

    Article  PubMed  Google Scholar 

  9. Zawadzki MJ, Small AK, Gerin W. Ambulatory blood pressure variability: a conceptual review. Blood Press Monit. 2017;22(2):53–8.

    Article  PubMed  Google Scholar 

  10. Viera AJ, Tuttle L, Zeng J. Dollars and discomfort: What will people be willing to give for better blood pressure assessment? J Clin Hypertens (Greenwich). 2016;18(5):422–3.

    Article  PubMed  Google Scholar 

  11. Ruzicka M, Hiremath S. Accuracy-limiting factor of home blood pressure monitors? Am J Hypertens. 2017;30(7):661–4 Oxford University Press (OUP).

    Article  PubMed  Google Scholar 

  12. Shriram R, et al. Continuous cuffless blood pressure monitoring based on PTT. In: 2010 International Conference on Bioinformatics and Biomedical Technology: IEEE; 2010. p. 51–5.

  13. Luo N, et al. Flexible piezoresistive sensor patch enabling ultralow power cuffless blood pressure measurement. Adv Funct Mater. 2016;26(8):1178–87.

    Article  CAS  Google Scholar 

  14. Urteaga J, et al. “Automated detection of pulse using continuous invasive arterial blood pressure in patients during cardiopulmonary resuscitation”, in 2021 Computing in Cardiology (CinC). Brno: Czech Republic; 2021.

  15. Johnson AEW, et al. MIMIC-III, a freely accessible critical care database. Sci Data. 2016;3:160035.

  16. Lee J, Kim J, Shin M. Correlation Analysis between Electrocardiography (ECG) and Photoplethysmogram (PPG) Data for Driver’s Drowsiness Detection Using Noise Replacement Method. Procedia Computer Science. 2017;116:421–6.

    Article  Google Scholar 

  17. Lan E. Performer: a novel PPG-to-ECG reconstruction transformer for a digital biomarker of cardiovascular disease detection. In: Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision; 2023. p. 1991–9.

  18. Jeyhani V, et al. “Comparison of HRV parameters derived from photoplethysmography and electrocardiography signals.” Conf Proc IEEE Eng Med Biol Soc. 2015;2015:5952–5.

    Google Scholar 

  19. Slapničar G, Mlakar N, Luštrek M. Blood pressure estimation from photoplethysmogram using a spectro-temporal deep neural network. Sensors (Basel). 2019;19(15):3420.

    Article  PubMed  Google Scholar 

  20. Athaya T, Choi S. An estimation method of continuous non-invasive arterial blood pressure waveform using photoplethysmography: A U-net architecture-based approach. Sensors (Basel). 2021;21(5):1867.

    Article  PubMed  Google Scholar 

  21. El Hajj C, Kyriacou PA. Cuffless and continuous blood pressure estimation from PPG signals using recurrent neural networks. Annu Int Conf IEEE Eng Med Biol Soc. 2020;2020:4269–72.

    PubMed  Google Scholar 

  22. Tamura T. Current progress of photoplethysmography and SPO2 for health monitoring. Biomed Eng Lett. 2019;9(1):21–36.

    Article  PubMed  PubMed Central  Google Scholar 

  23. Tremper KK. Pulse oximetry. Chest. 1989;95(4):713–5.

    Article  CAS  PubMed  Google Scholar 

  24. Greif R, et al. Supplemental oxygen reduces the incidence of postoperative nausea and vomiting. Anesthesiology. 1999;91(5):1246–52.

    Article  CAS  PubMed  Google Scholar 

  25. Lewko A, Bidgood PL, Garrod R. Evaluation of psychological and physiological predictors of fatigue in patients with COPD. BMC Pulm Med. 2009;9(1):47.

    Article  PubMed  PubMed Central  Google Scholar 

  26. Pandharipande PP, et al. Derivation and validation of Spo2/Fio2 ratio to impute for Pao2/Fio2 ratio in the respiratory component of the Sequential Organ Failure Assessment score. Crit Care Med. 2009;37(4):1317–21.

    Article  PubMed  PubMed Central  Google Scholar 

  27. Shafique M, Kyriacou PA, Pal SK. Investigation of photoplethysmographic signals and blood oxygen saturation values on healthy volunteers during cuff-induced hypoperfusion using a multimode PPG/SpO2 sensor. Med Biol Eng Comput. 2012;50(6):575–83.

    Article  CAS  PubMed  Google Scholar 

  28. Kachuee M, et al. Cuff-less high-accuracy calibration-free blood pressure estimation using pulse transit time. In: 2015 IEEE international symposium on circuits and systems (ISCAS): IEEE; 2015. p. 1006–9.

  29. Lass J, et al. “Continuous blood pressure monitoring during exercise using pulse wave transit time measurement.” Conf Proc IEEE Eng Med Biol Soc. 2004;2004:2239–42.

    CAS  PubMed  Google Scholar 

  30. Miao F, et al. A novel continuous blood pressure estimation approach based on data mining techniques. IEEE J Biomed Health Inform. 2017;21(6):1730–40.

    Article  PubMed  Google Scholar 

  31. Liu M, Po LM, Fu H. Cuffless blood pressure estimation based on photoplethysmography signal and its second derivative. Int J Comput Theory Eng. 2017;9(3):202.

    Article  Google Scholar 

  32. Elgendi M, Liang Y, Ward R. Toward generating more diagnostic features from photoplethysmogram waveforms. Diseases. 2018;6:1.

    Article  Google Scholar 

  33. Chowdhury MH, et al. Estimating blood pressure from the photoplethysmogram signal and demographic features using machine learning techniques. Sensors (Basel). 2020;20(11):3127.

    Article  PubMed  Google Scholar 

  34. Su P, et al. Long-term blood pressure prediction with deep recurrent neural networks. In: 2018 IEEE EMBS International Conference on Biomedical & Health Informatics (BHI): IEEE; 2018. p. 323–8.

  35. Kachuee M, et al. Cuffless Blood Pressure Estimation Algorithms for Continuous Health-Care Monitoring. IEEE Trans Biomed Eng. 2017;64(4):859–69.

    Article  PubMed  Google Scholar 

  36. Bernard D, Msigwa C, Yun J. Towards IoT-based medical edge devices: PPG-based blood pressure estimation application. IEEE Internet of Things J. 2023;10(6):5240–55.

    Article  Google Scholar 

  37. Leitner J, Chiang P-H, Dey S. Personalized blood pressure estimation using photoplethysmography: a transfer learning approach. IEEE J Biomed Health Inform. 2022;26(1):218–28.

    Article  PubMed  Google Scholar 

  38. Schlesinger O, et al. Blood pressure estimation from PPG signals using convolutional neural networks and Siamese network. In: ICASSP 2020-2020 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP): IEEE; 2020. p. 1135–9.

  39. Moody B, et al. MIMIC-III Waveform Database (version 1.0). PhysioNet. 2020. https://doi.org/10.13026/c2607m.

  40. Wang J, et al. Minimum heart rate and mortality in critically ill myocardial infarction patients: an analysis of the MIMIC-III database. Ann Transl Med. 2021;9(6):496.

    Article  PubMed  PubMed Central  Google Scholar 

  41. Silva I, Moody GB. An open-source toolbox for analysing and processing physionet databases in matlab and octave. J Open Res Softw. 2014;2(1):e27. p. 1–4.

  42. Elgendi M, et al. Systolic peak detection in acceleration photoplethysmograms measured from emergency responders in tropical conditions. PLoS ONE. 2013;8(10):e76585.

  43. Dagar M, et al. Performance comparison of Hampel and median filters in removing deep brain stimulation artifact. In: Innovations in Computational Intelligence. Singapore: Springer Singapore; 2018. p. 17–28.

  44. Liang Y, et al. An optimal filter for short photoplethysmogram signals. Sci Data. 2018;5(1):180076.

  45. Vaswani A, et al. Attention is all you need. Adv Neural Inf Process Syst. 2017;30.

  46. Pan J, et al. Multi-domain integrative Swin transformer network for sparse-view tomographic reconstruction. Patterns (N Y). 2022;3(6):100498.

  47. Zerveas G, et al. A transformer-based framework for multivariate time series representation learning. In: Proceedings of the 27th ACM SIGKDD Conference on Knowledge Discovery & Data Mining; 2021. p. 2114–24.

  48. Cai L, et al. Traffic transformer: Capturing the continuity and periodicity of time series for traffic forecasting. Trans GIS. 2020;24(3):736–55.

    Article  Google Scholar 

  49. Chung YA, Zhang Y, Han W, Chiu CC, Qin J, Pang R, Wu Y. W2v-bert: Combining contrastive learning and masked language modeling for self-supervised speech pre-training. In 2021 IEEE Automatic Speech Recognition and Understanding Workshop (ASRU). IEEE; 2021. pp. 244–50.

  50. Paszke A, et al. Pytorch: an imperative style, high-performance deep learning library. Adv Neural Inf Process Syst. 2019;32.

  51. Kurylyak Y, Lamonaca, F, Grimaldi D. A neural network-based method for continuous blood pressure estimation from a PPG signal. In 2013 IEEE International instrumentation and measurement technology conference (I2MTC): IEEE; 2013. p. 280–3.

  52. Gupta S, et al. Higher order derivative-based integrated model for cuff-less blood pressure estimation and stratification using PPG signals. IEEE Sens J. 2022;22(22):22030–9.

  53. Wang W, et al. Cuff-less blood pressure estimation from photoplethysmography via visibility graph and transfer learning. IEEE J Biomed Health Inform. 2022;26(5):2075–85.

    Article  PubMed  Google Scholar 

  54. Stergiou GS, et al. A universal standard for the validation of Blood Pressure measuring devices: Association for the Advancement of Medical Instrumentation/European Society of Hypertension/International Organization for Standardization (AAMI/ESH/ISO) collaboration statement. Hypertension. 2018;71(3):368–74.

    Article  CAS  PubMed  Google Scholar 

  55. O’Brien E, et al. 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(7):607–19.

    Article  PubMed  Google Scholar 

  56. Lin WH, et al. Investigating the physiological mechanisms of the photoplethysmogram features for blood pressure estimation. Physiol Meas. 2020;41(4):044003.

    Article  PubMed  Google Scholar 

  57. Meng L. Heterogeneous impact of hypotension on organ perfusion and outcomes: a narrative review. Br J Anaesth. 2021;127(6):845–61.

    Article  PubMed  PubMed Central  Google Scholar 

  58. Nachman D, et al. Influence of sex, BMI, and skin color on the accuracy of non-invasive cuffless photoplethysmography-based blood pressure measurements. Front Physiol. 2022;13: 911544.

    Article  PubMed  PubMed Central  Google Scholar 

  59. Shenoy N, Luchtel R, Gulani P. Considerations for target oxygen saturation in COVID-19 patients: are we under-shooting? BMC Med. 2020;18(1):260.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  60. O’Carroll O, et al. Remote monitoring of oxygen saturation in individuals with COVID-19 pneumonia. Eur Respir J. 2020;56(2):2001492.

Download references

Acknowledgements

The authors would like to thank Luyao Chen for his support in data acquisition.

Funding

This work was supported by the Cancer Prevention and Research Institute of Texas (CPRIT) through Recruitment of Rising Stars (CPRIT-RR, Grant no. 180012). This work was also supported by National Institute on Aging (NIH) through research grant support (R01, Grant no. AG066749). This work was also supported by National Center for Advancing Translational Sciences (NCATS) through research grant support (U01, Grant no. TR002062). This work was also supported by Ovarian Cancer Research Alliance (OCRA) through research grant support (CRDGAI-2023–3-1002). The funding bodies played no role in the design of the study and collection, analysis, interpretation of data, and in writing the manuscript.

Author information

Authors and Affiliations

Authors

Contributions

S.Shams.: supervision. C.Y., K.T., Y.H., T.H., D.W., W.L., S.I.S., X.J., S.Shams.: conceptualization and Methodology. C.Y., K.T., T.H.: investigation, and data curation. C.Y., K.T., Y.H.: formal analysis and visualization. C.Y., K.T.: writing original draft preparation, C.Y., K.T., Y.H., T.H., D.W., W.L., S.Savitz., X.J., S.Shams.: review and finalization.

Authors’ information

Not applicable.

Corresponding author

Correspondence to Shayan Shams.

Ethics declarations

Ethics approval and consent to participate

The study was an analysis of a third-party anonymized publicly available database with pre-existing institutional review board (IRB) approval. The Institutional review boards at the Beth Israel Deaconess Medical Center (protocol 2001-P-001699/14) and Massachusetts Institute of Technology (protocol 0403000206) has approved the data collection and the use of MIMIC-III for research purposes and granted waiver of informed consent. All methods were carried out following relevant guidelines and regulations.

Consent for publication

Not applicable.

Competing interests

The authors declare no competing interests.

Additional information

Publisher's Note

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

Supplementary Information

Additional file 1:

 Supplementary Figure 1. Heart Rate distribution in the preprocessed dataset and 10–60 bpm subset Supplementary Figure 2. Illustration plot of unqualified slices of signals. a - b) unqualified ABP signal slices, and c - d) unqualified PPG signal slices Supplementary Figure 3. Illustration plot of Empirical Model Decomposition results of PPG signal slices after preprocessing Supplementary Figure 4. Demonstration plot of dataset splitting inpatient-wise level or with fine tuning Supplementary Table 1. A literature search results of the relationship between the length of signal slices and the size of the dataset Supplementary Table 2. Presentation of the basis of the data selection. For context, please refer to ‘Data and preprocessing’ in the Methods section Supplementary Table 3. The exploratory experiment result of prediction comparison for the number of channels used in EMD. Supplementary Table 4. Ablation study results.

Rights and permissions

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

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Chu, Y., Tang, K., Hsu, YC. et al. Non-invasive arterial blood pressure measurement and SpO2 estimation using PPG signal: a deep learning framework. BMC Med Inform Decis Mak 23, 131 (2023). https://doi.org/10.1186/s12911-023-02215-2

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12911-023-02215-2

Keywords