Skip to main content

This is a preprint.

It has not yet been peer reviewed by a journal.

The National Library of Medicine is running a pilot to include preprints that result from research funded by NIH in PMC and PubMed.

Research Square logoLink to Research Square
[Preprint]. 2023 Jan 16:rs.3.rs-2423200. [Version 1] doi: 10.21203/rs.3.rs-2423200/v1

Physics-Informed Neural Networks for Modeling Physiological Time Series: A Case Study with Continuous Blood Pressure

Kaan Sel 1, Amirmohammad Mohammadi 2, Roderic I Pettigrew 3, Roozbeh Jafari 1,2,3,4,*
PMCID: PMC9882661  PMID: 36711741

Abstract

The bold vision of AI-driven pervasive physiological monitoring, through the proliferation of off-the-shelf wearables that began a decade ago, has created immense opportunities to extract actionable information for precision medicine. These AI algorithms model the input-output relationships of a system that, in many cases, exhibits complex nature and personalization requirements. A particular example is cuffless blood pressure estimation using wearable bioimpedance. However, these algorithms need to be trained with a significant amount of ground truth data. In the context of biomedical applications, collecting ground truth data, particularly at the personalized level is challenging, burdensome, and in some cases infeasible. Our objective is to establish physics-informed neural network (PINN) models for physiological time series data that would reduce reliance on ground truth information. We achieve this by building Taylor’s approximation for the gradually changing known cardiovascular relationships between input and output (e.g., sensor measurements to blood pressure) and incorporating this approximation into our proposed neural network training. The effectiveness of the framework is demonstrated through a case study: continuous cuffless BP estimation from time series bioimpedance data. We show that by using PINNs over the state-of-the-art time series regression models tested on the same datasets, we retain a high correlation (systolic: 0.90, diastolic: 0.89) and low error (systolic: 1.3 ± 7.6 mmHg, diastolic: 0.6 ± 6.4 mmHg) while reducing the amount of ground truth training data on average by a factor of 15. This could be helpful in developing future AI algorithms to help interpret pervasive physiologic data using minimal amount of training data.


AI algorithms provide unique opportunities for extracting complex actionable information from wearable physiological time series data for precision medicine1. These techniques, in particular machine learning (ML) and deep learning (DL) approaches, model the input-output relationships of the system, where in many cases, this system exhibits a complex nature and personalized requirements, e.g., cuffless blood pressure (BP) estimation using wearable bioimpedance2,3. ML- and DL-based modeling requires significant amounts of personalized ground truth data for training4. Collecting this ground truth data for each individual often requires the use of invasive or obtrusive medical-grade measurement systems (e.g., arterial line or cuff-based sphygmomanometer for peripheral BP monitoring), and therefore is challenging, burdensome, and in some cases infeasible. To address this gap, we need to establish high-fidelity learning models for time series data that rely on reduced amounts of ground truth data.

For many engineering or biological systems, there exists a vast body of domain knowledge that may be leveraged in training deep neural networks (DNNs) to reduce the reliance on ground truth (i.e., labeled) data. A promising direction is the construction of physics-informed neural networks (PINNs) 5, where the neural networks are trained to solve scientific problems leveraging underlying physics laws structured by generalizable nonlinear partial differential equations (PDEs). This is achieved by augmenting neural network training with a unique loss function that includes these PDEs in addition to the standard supervised loss. Therefore, during training, PINN weights are optimized to minimize the loss function that accounts for additional physical constraints. PINNs have proven to be highly effective in solving many complex engineering problems (e.g., fluid mechanics6, cyber-physical systems7, power systems8, molecular biology9) with limited experimental data. However, given the inter-subject variations in the cardiovascular system, the relationships that connect wearable measurements to cardiovascular parameters are not well-defined in the form of generalized PDEs10,11. For example, using hand-crafted equations defined between cardiovascular parameters and wearable time series data is infeasible since; (i) the features of these wearable measurements provide a proxy for physiological parameters that are not generalizable, e.g., pulse transit time-based BP estimation requiring frequent calibration due to its dependency on personalized arterial properties that are not accessible with wearables12, (ii) these equations fail to track and adapt to time-dependent changes in cardiovascular dynamics e.g., increasing BP, with heart rate increasing due to increased vagal tone or decreasing due to increased sympathetic activity1315. Therefore, there is an unmet need to establish new ways to leverage PINNs for time series data in cardiovascular applications.

In this work, we propose a novel approach to establish PINNs for extracting essential cardiovascular parameters (e.g., BP) from physiological time series data with limited use of ground truth data. We achieve this by building Taylor’s approximation for certain gradually changing cardiovascular phenomena, e.g., establishing the relationship between physiological features extracted from bioimpedance sensor measurements and BP. This approximation yields a Taylor approximation polynomial in the form of a PDE that includes partial derivatives (i.e., gradients) of the output with respect to the input. The values of these gradients are obtained with auto-differentiation that is inherently available in neural networks. We calculate a remainder term (i.e., residual or physics-based loss) from the difference between Taylor’s approximation and the neural network predictions and include it in the model loss function. This enables the optimization of neural network weights based on the total loss function resulting from the sum of the standard loss and the residual. The Taylor polynomial can be used to generate an approximation of the output for any input, without the use of the corresponding true labels. Therefore, the physics-based loss can be calculated for neural network predictions for all inputs. This would lead to obtaining predictions that show minimal deviation from the approximated Taylor polynomial.

The effectiveness of the framework is demonstrated through a comprehensive case study on continuous cuffless BP estimation from wearable time series bioimpedance data. BP is a significant cardiovascular parameter frequently used by clinicians to assess cardiac and circulatory health along with their associated risk factors and disorders1619. Conventional BP measurements – yielding systolic (SBP), diastolic (DBP), and pulse pressure (PP) values – are based on oscillometric cuff inflation/deflation which causes discomfort, precluding frequent use20. Therefore, this case study; (i) includes a cuffless wearable BP estimation scenario that generates time series data, e.g., bioimpedance, (ii) targets a problem with clinical importance, (iii) requires the acquisition of ground truth data that is challenging to obtain, (iv) utilizes complex cardiovascular dynamics driving the translation of wearable bioimpedance into BP2123. We focus on a single wearable modality (e.g. bioimpedance) for our time series measurements to ensure that the underlying physics remain consistent for one modality (see Methods and Supplementary Text 1 for additional details on bioimpedance).

Figure 1a shows a high-level representation of the proposed framework demonstrated through the selected case study. The input features for our models are extracted from non-invasive bioimpedance sensors placed at the participants’ wrists or fingers in a wearable form factor (see Supplementary Figure 1). We evaluated the accuracy of the PINN model predictions on different datasets having N=15 participants, who went through various BP elevation maneuvers (e.g., hand gripper exercise, cold-pressor test), achieving a wide range of pressure values (0.04–0.96 quantiles, systolic: 104–205 mmHg, diastolic: 51–136 mmHg, pulse pressure: 29–103 mmHg). The proposed PINNs retain high accuracy (ME ± SDE, systolic: 1.3 ± 7.6 mmHg, diastolic: 0.6 ± 6.4 mmHg, pulse pressure: 2.2 ± 6.1 mmHg), while decreasing the required amount of ground truth data, on average, by a factor of 15, based on the comparison with the state-of-the-art time series regression models (see Supplementary Tables 13). We provided an additional proof-of-concept study to show that the optimized PINN models demonstrate a consistent approximation of the input-output relationship for varying amounts of training ground truth data.

Figure 1. Physics-informed neural network (PINN).

Figure 1.

a. The deep neural network (DNN) model uses input time series measurements (e.g. bioimpedance, BioZ) to estimate continuous systolic, diastolic, and pulse pressure values. Taylor’s approximation is defined for physiological features extracted from BioZ, and BP is used to guide neural network training. The parameters of the approximation are calculated with DNN auto-differentiation of predictions with respect to input features. This approximation is compared with the DNN predictions to estimate values for the physics-based loss function. b. The definition of indexes for the sequential segmented input bioimpedance data, x, having N sample points per segment, and the extracted feature set, u with M dimensions (i.e., number of features). c. DNN architecture for PINN models. We use convolutional neural network (CNN) layers extracting information from segmented BioZ, concatenate the output with the physiological features extracted from each segment, and estimate BP, yNN. A conventional loss function, econventional, is calculated over a labeled set of size S, based on the model output and true BP labels (ytrue). This value is used for conventional neural network optimization. For PINNs, we additionally calculate the partial differentials of yNN with regards to the physiological input features and fit it into Taylor’s approximation polynomial. This polynomial is constructed for each input segment from the dataset of size R and evaluated at the next consecutive segment. We calculate mean squared error from the difference between Taylor approximations and the corresponding neural network predictions. This new error function combined with the conventional error function are used to train the PINN models.

Results

Physics-informed neural network model for cuffless BP estimation

PINN model design.

A conventional deep neural network (DNN) is trained through supervised learning – also known as inductive learning - where model weights are optimized based on a loss function that uses a labeled training dataset (i.e., the true output is known). PINN models are transductive, meaning that in contrast to inductive learning, the models make use of additional information present in the unlabeled (i.e., the true output is unknown) input data24. This information is integrated to the model through a modification of the conventional loss function, conventional, which is originally calculated using the model predictions and true output labels. In contrast, the modified loss function includes an additional loss term, physics, as shown in Eq. (1).

total=conventional+physics (1)

Here, total represents the modified model loss function due to the addition of physics to conventional supervised loss. Note that an inaccurate definition of physics may degrade model accuracy as it may lead to misguided weight optimization. We construct physics based on Taylor’s approximation of the known physiological dynamics driving the translation of bioimpedance to BP, e.g., hemodynamic relationships defined between blood volume, arterial compliance, and BP21,25: let xi:{xi1,,xiN} be the N dimensional time series bioimpedance data segmented based on the start and end of the i-th cardiac cycle and sampled to have N points for each segment, ui:{ui1,,uiM} be the M dimensional vector corresponding to M features calculated from xi, and Θ denote the neural network weights (Figure 1b). The neural network generates an output, yNN based on x, u, and Θ, such that yNN=fNN(x,u,Θ). Here, fNN is the approximated function by the neural network. Using the feature vector u, we define a polynomial with Taylor’s approximation around i-th segment as shown in Eq. (2).

Pi(x,u,Θ)=fNN(xi,ui,Θ)+k=1MfNNuk|ithsegment(ukuik) (2)

Pi(x,u,Θ) represents this Taylor polynomial approximated based on i-th segment. ∂fNN/∂uk|i–th segment is calculated with neural network auto-differentiation for the i-th segment. The output of this polynomial can be evaluated for any given x, u pair and neural network weights. Note that the bioimpedance and blood pressure data are sequential, e.g., i-th and (i+1)-th segments represent consecutive beats. We leverage this sequential nature of our data by evaluating Taylor polynomials approximated around i-th segment for input values at (i+1)-th segment, i.e., Pi(xi+1,ui+1,Θ). Next, we calculate a residual resulting from the difference between the neural network prediction and the Taylor polynomial evaluated at the (i+1)-th segment as shown in Eq. (3).

fNN(xi+1,ui+1,Θ)=Pi(xi+1,ui+1,Θ)+hi(xi+1,ui+1,Θ), (3)

Here, hi(xi+1,ui+1,Θ) denotes this residual value evaluated at (i+1)-th segment using Taylor’s approximation around i-th segment, such that,

limxi+1xi,ui+1uihi(ui+1,ui+1,Θ)=0 (4)

The value of h represents a physics-based loss for the neural network. Given that h is calculated unsupervised (i.e., labels of output are not used), we can calculate h for any given input sequence. We evaluate the value of h for all consecutive input segments and use the mean squared sum of this evaluation for the physics-based loss function, as shown in Eq. (5).

physics=1(R1)i=1R1(hi(xi+1,ui+1,Θ))2 (5)

where R is the total number of segments. The conventional loss function, however, only uses the labeled training points, as shown in Eq. (6).

conventional=1Si=1S(yNN(zi,xi;Θ)ytrue(zi,xi))2 (6)

where S is the number of labeled data instances. The partial derivatives defined within physics, i.e., fNN/u, represents the approximated non-stationary relationship between physiological input features and output BP. The evaluation of physics across the complete unsupervised input set enables neural network predictions to be aware of the input-output relationships approximated with Taylor polynomial. The use of limited supervised points allows the neural network to obtain blood pressure predictions that satisfy the physical constraint defined with physics rather than arbitrary values.

PINN model architecture.

To assess the effectiveness of the physics-integration in DNN training, we create an identical DNN architecture and training/testing data for both the proposed PINN and the conventionally trained DNN. The only difference is the definition of the loss functions for these models, i.e., the PINN includes the additional loss term, physics. The DNN uses a series of one-dimensional convolutional neural networks (CNN) to extract hidden features and parameters from a given bioimpedance waveform, xi. We concatenate the flattened CNN outputs with neurons connecting physiologically relevant input features, ui, to the DNN architecture. We then add fully connected network (FCN) layers, with the final layer having a single neuron, outputting a prediction of the reference ground truth information, such as BP. Figure 1c shows the proposed model architecture. The details of the model hyperparameters are shared in the Methods section.

Definitions of physiologically relevant input features and model output.

The bioimpedance sensors placed along the peripheral (e.g., radial, digital) arteries capture quasi-periodic waveforms. We defined three features (i.e., u:{u1,u2,u3}) extracted at every heartbeat window from pre-processed bioimpedance signals based on their physiological relevance to hemodynamic features that exhibit certain relationships with BP. With every heartbeat, a pressure pulse propagates through the arteries causing an expansion in artery volume and an increase in pressure. The change in volume and pressure is based on the elastic wall properties of the arteries. An increase in volume with pulse arrival causes a drop in the bioimpedance amplitude due to the blood’s higher conductivity than surrounding tissue22. The first feature, u1, corresponds to the level of amplitude change in the bioimpedance waveform, providing a proxy to an increase in blood volume22. Under varying BP, the arterial wall characteristics also affect the blood pulse wave velocity (PWV). Higher PWV results in the earlier arrival of the reflected pulse wave (e.g., due to arterial tree branching of the radial artery to the digital arteries)26,27. Hence, it causes an earlier secondary drop in bioimpedance amplitude when the reflected pulse reaches the arterial site. The second feature, u2, measures the inverse of the time difference between these two impedance drops, e.g., caused by the arrivals of the systolic and reflection waves, and gives an indirect proxy to PWV and artery elasticity28,29. Lastly, the third feature, u3, is beat-to-beat heart rate (HR), measured from the time difference between the end and the beginning of the waveform.

The feature definitions are shown in Figure 2. We share the details of bioimpedance signal pre-processing and the relationships regarding arterial dynamics in the Methods section and Supplementary Figure 2. For each blood pressure parameter (SBP, DBP, and PP), we trained a separate model with output prediction based on the type of blood pressure provided as ground truth data during supervised training.

Figure 2. Bioimpedance beat feature definitions.

Figure 2.

The change in (inverted) bioimpedance signal amplitude, −ΔZ, is shown. −ΔZ increases with the arrival of the blood pressure pulse wave at the artery due to an increase in the artery volume. The amplitude change, u1, provides a proxy for the amount of arterial expansion. The second feature, u2, corresponds to the inverse of the relative time difference between the forward traveling (i.e., systolic) wave and reflection wave giving an estimate of the pulse wave velocity (PWV). The third feature, u3 gives beat-to-beat heart rate.

Blood pressure estimation

Study design.

We use three previously obtained bioimpedance datasets: (i) graphene-HGCPT3; (ii) calfree-HGCPT30; (iii) ring-CPT31. These datasets include bioimpedance waveforms captured with a wearable form-factor sensor placed along the participants’ wrist (i.e., radial) and finger (i.e., digital) arteries (see Supplementary Figure 1). For all datasets, the reference BP values come from a medical-grade BP monitoring finger cuff device, Finapres NOVA. The details of the datasets and human subject participation are shared in the Methods section. We build personalized models (i.e., models trained and tested on the data from the same participant) for N = 15 individuals (graphene-HGCPT dataset: N = 6, calfree-HGCPT dataset: N = 5, ring-CPT dataset: N = 4). All three datasets include wide BP ranges, reaching to hypertensive scale (i.e., systolic >140 mmHg, and diastolic >90 mmHg), due to the inclusion of BP elevation maneuvers (e.g., hand gripper: HG, cold-pressor test: CPT) in the standard protocol during data collection.

PINN model training, testing and performance evaluation.

The proposed implementation of PINNs provides unique opportunities to train with minimal ground truth data for accurate time series translation. In contrast, traditional state-of-the-art ML and DNN models built for time series regression require training on large amounts of labeled data to offer acceptable performance. We assess the PINN performance against the CNN having the same neural network architecture for estimating SBP, DBP, and PP with minimally labeled data. The minimal training criterion is defined as neural network training with a set of labeled training instances, with each instance in the set randomly selected from the uniformly distributed and segmented BP values (see Figures 3a, 3b, and 3c, and Methods section for details of the train and test split criteria). The training labels covering different BP levels allow the PINNs to learn the Taylor polynomial approximating the complex input-output distribution across the complete dataset. Supplementary Tables 412 show the percent of training instances for each participant under the minimal training criterion.

Figure 3. Beat-to-beat SBP estimation.

Figure 3.

a. Histogram for the training and testing set instances for varying SBP values used in PINN model training for a single individual (SID 15). For each 1 mmHg increase in SBP, we randomly select 1 data point for supervised model training, whereas all other points are used in model testing. b. Beat-to-beat SBP estimation (SID 15) based on PINN (shown in green) and reference conventional CNN (shown in orange) models trained with the same number of instances and corresponding true SBP (shown in dashed black). PINN shows a more precise fit to the reference SBP. c. Bland-Altman analysis with data analyzed for a total of N=15 subjects for PINN (green, ME: 1.3 mmHg, SD: 7.7 mmHg) and conventional CNN (orange, ME: 1.8 mmHg, SD: 14.4 mmHg) models. d. Pearson’s correlation analysis with data analyzed for a total of N=15 subjects for PINN (green, correlation coefficient r: 0.90) and conventional CNN (orange, correlation coefficient r: 0.73) models.

Figures 3b, 4b, and 5b show an example of beat-to-beat SBP, DBP, and PP estimations with PINN and conventional CNN trained with less than ~10% of the labeled data and tested on the remaining ~90% (Supplementary Figures 35 show PINN and CNN estimations of SBP, DBP, and PP for all participants). Under the same training constraint, we observe that PINNs show superior performance against conventionally trained CNNs in capturing localized changes in blood pressure yielding a higher correlation with lower absolute errors. Supplementary Tables 412 show PINN and CNN performances based on the mean error (ME), the standard deviation of the error (SDE), root-mean-squared error (RMSE), and Pearson’s correlation coefficient values in estimating SBP, DBP, and PP, respectively, for all participant from three datasets. PINNs, on average, improve the conventional model by 47%, 35%, and 39% for SBP, DBP, and PP, respectively (based on RMSE values averaged over all participants). Supplementary Tables 1315 provide the results achieved with the PINNs presented based on the AAMI standard for BP devices32, where PINNs demonstrate a performance within the Grade A classification set by the standard, for all three datasets.

Figure 4. Beat-to-beat DBP estimation.

Figure 4.

a. Histogram for the training and testing set instances for varying DBP values used in PINN model training for a single individual (SID 15). For each 1 mmHg increase in DBP, we randomly select 1 data point for supervised model training, whereas all other points are used in model testing. b. Beat-to-beat DBP estimation (SID 15) based on PINN (shown in green) and reference conventional CNN (shown in orange) models trained with the same number of instances and corresponding true DBP (shown in dashed black). PINN shows a more precise fit to the reference DBP. c. Bland-Altman analysis with data analyzed for a total of N=15 subjects for PINN (green, ME: 0.6 mmHg, SD: 6.4 mmHg) and conventional CNN (orange, ME: 0.5 mmHg, SD: 10.1 mmHg) models. d. Pearson’s correlation analysis with data analyzed for a total of N=15 subjects for PINN (green, correlation coefficient r: 0.89) and conventional CNN (orange, correlation coefficient r: 0.77) models.

Figure 5. Beat-to-beat PP estimation.

Figure 5.

a. Histogram for the training and testing set instances for varying PP values used in PINN model training for a single individual (SID 15). For each 1 mmHg increase in SBP, we randomly select 1 data for supervised model training, whereas all other points are used in model testing. b. Beat-to-beat PP estimation (SID 15) based on PINN (shown in green) and reference conventional CNN (shown in orange) models trained with the same number of instances and corresponding true PP (shown in dashed black). PINN shows a more precise fit to the reference PP. c. Bland-Altman analysis with data analyzed for a total of N=15 subjects for PINN (green, ME: 2.2 mmHg, SD: 6.1 mmHg) and conventional CNN (orange, ME: 2.4 mmHg, SD: 10.9 mmHg) models. d. Pearson’s correlation analysis with data analyzed for a total of N=15 subjects for PINN (green, correlation coefficient r: 0.89) and conventional CNN (orange, correlation coefficient r: 0.72) models.

We conduct Bland-Altman and Pearson’s correlation analyses on the estimated vs. true SBP, DBP, and PP values for PINN and conventionally trained CNN models. The analyses results are shared in Figures 3cd, 4cd, and 5cd, respectively (Bland-Altman, ME (SD) in mmHg, SBP, with PINN: 1.3 (7.6), with CNN: 1.8 (14.4); DBP, with PINN: 0.6 (6.4), with CNN: 0.5 (10.1); PP, with PINN: 2.2 (6.1), with CNN: 2.4 (10.9), Pearson’s analysis, correlation coefficient, r, SBP, with PINN: 0.90, with CNN: 0.73; DBP, with PINN: 0.89, with CNN: 0.77; PP, with PINN: 0.89, with CNN: 0.72). PINNs achieve, on average, 32%, 23%, and 69% percent higher correlation for SBP, DBP, and PP, respectively when compared to the conventional CNNs trained with the same amount of labeled data (per-subject results averaged over all participants, Pearson’s correlation r, SBP/DBP/PP, with PINN: 0.81/0.76/0.66, with CNN: 0.61/0.62/0.39).

We provide an additional comparison of the performance obtained with proposed PINNs with three state-of-the-art time series regression models: AdaBoost regressor33, Rocket regressor34, Random Forest regressor35. These models are trained with; (i) minimal training criterion, (ii) 4-fold cross-validation (~75% labeled data is used in training), (iii) 8-fold cross-validation (~88% labeled data is used in training). The results of this analysis are shared in Supplementary Tables 13, showing that compared to the state-of-the-art time series regression models PINNs retain low RMSE and high correlations with less amount of labeled data used in training (see Methods section for the details regarding the regression models). On average across all datasets, the RMSE and correlation for the above mentioned regression models range from 8.9–10.8 mmHg, 0.57–0.62 for SBP and from 6.6–8.1 mmHg, 0.57–0.64 for DBP, while PINN offers 7.1 mmHg and 0.82 for SBP and 5.7 mmHg and 0.76 for DBP, respectively.

Interpretation of Taylor polynomial parameters.

The neural network learning obtains function f that approximates the complex relationship between input and output. Due to the presence of a physics-based loss in the loss function, after network optimization, this function has a minimal difference with the evaluations of approximated Taylor polynomial, P. This polynomial is constructed with the use of features extracted from input times series measurements that are physiologically relevant to BP, e.g., u1 feature and peripheral blood volume change. Therefore, the parameters of P relate these features into complex cardiovascular parameters based on the underlying physiological mechanism. In addition, when this underlying physiological mechanism remains the same (e.g., different iterations of the cold-pressor test), these parameters are expected to demonstrate comparable behavior. However, if the input features have low correlation with the proxy hemodynamic parameter (e.g., caused by noise in measurements due to motion artifacts), the association between the parameters of P and the underlying physiological mechanism may become convoluted. Nevertheless, even in this case, PINNs retain high accuracies since the Taylor polynomials still provide a representation of non-trivial input-output mapping that guides the model predictions.

For a proof-of-concept, we select a participant (SID15) whose first input feature shows high correlations with SBP (absolute value of Pearson’s correlation coefficient 0.9, see Figure 6ab) and conducted a post-analysis of the PINN trained over minimally provided SBP labels (e.g. 65 out of 878 ground truth labels used for training). Partial differentials (i.e., gradients) calculated with auto-differentiation are defined for SBP predictions and input features, u. We split the testing dataset into different subsets and trials representing different CPT and recovery sessions and plotted the partial differential value distribution across varying SBP. Through this analysis, we aim to assess; (i) the general behavior of the gradient-output distribution, (ii) the changes in this distribution for different sessions, and (iii) the consistency of this distribution across multiple iterations of the same type of session. Figure 6 shows the results of this analysis, plotted separately for all three features in u.

Figure 6. Parameters of the Taylor’s approximation of BP using physiological input features.

Figure 6.

The analysis results are obtained from the PINN model trained on a single individual’s SBP data (SID15). a. Beat-to-beat values for the bioimpedance input features (left y-axis), u:{u1,u2,u3}, and SBP (right y-axis) plotted against the time for each segmented beat. b. Scattered plots of the features, u1,u2, and u3 against the corresponding SBP predictions obtained with the neural network, yNN. Red and gray lines show the mean and ± standard deviation of the feature values for varying SBP. The colors show the values of the gradients for each point, i.e., ∂yNN/∂u1, ∂yNN/∂u2, and ∂yNN/∂u3 calculated by auto-differentiation of PINN model output, yNN, with respect to each dimension of u. For example, the consistent blue tones for the top plot refers to a consistent negative value for the gradient term ∂yNN/∂u1, in agreement with the distribution of the u1 feature values showing a decrease for increasing yNN predictions. c. Scattered plots of the gradient values ∂yNN/∂u1, ∂yNN/∂u2, and ∂yNN/∂u3 for varying yNN. Colors represent the specific BP elevation maneuver for each data point, such that: yellow points correspond to the values obtained during cold-pressor test (CPT); green points correspond to the values obtained during the recovery session. The solid lines represent the trend line for each CPT or recovery session iteration, calculated from the average value for each integer SBP value. The observation for u1 feature values showing a strong negative correlation with SBP agrees with the negative value for the ∂yNN/∂u1. The increase in magnitude for the gradient with increasing SBP can be associated with the volume-pressure dynamics driven by the arterial wall compliance. Subplots a and b for u2 show sudden changes for high SBP values and sustained changes for the remaining times. The gradient for this feature therefore shows amplified response for certain values of SBP, as shown in subplots b and c. The gradient for the third feature, i.e., rate of change in SBP with changing beat-to-beat heart rate, shows positive values for lower ranges of SBP and negative values for higher ranges of SBP. This change in polarity may be explained due to increased vagal tone dominating over the sympathetic activity with increasing SBP during the CPT.

The gradient for the first feature measures a relative change in blood pressure with a change in u1, which provides a proxy for arterial volume change in the peripheral arteries (e.g., digital, radial)22. The sympathetic stimulation caused by an external stressor (e.g., during CPT) leads to an increase in SBP36,37. Meanwhile, the peripheral arteries may observe vasoconstriction (i.e., narrowing of blood vessels by small muscles in their walls)38,39. Therefore, a negative gradient between BP and peripheral artery volume may be observed. We observe that u1 decreases with increasing yNN, where the corresponding gradient, ∂yNN/∂u1 has a consistent negative amplitude in agreement with the feature behavior (Figure 6ac top subplots). This negative amplitude can be associated with the vessel vasoconstriction due to CPT. The change in volume/pressure is also a factor of the arterial characteristics – e.g., artery compliance, that exhibit a non-linear pressure dependent relationship2,40,41. We observe the magnitude of the gradient increases with increasing SBP, which can be associated with the underlying arterial wall compliance characteristics that drive the volume-pressure relationships (See Methods section and Supplementary Figure 2).

The second-feature gradient (i.e., ∂yNN/∂u2 ) is related to the non-linear relationship between PWV and SBP (See Methods and Supplementary Figure 2). This hemodynamic parameter is conventionally calculated based on measurements across proximal and distal points along the arterial tree 42,43. The physical separation of two measurement sites enables to capture of the time delay for the arrival of the BP pulse wave, i.e., pulse transit time (PTT), where PWV is d/PTT, with d being the distance between distal and proximal sensors. In our case, u2, only provides a proxy to PWV28,29, given that there is only a single-channel bioimpedance measurement used in extracting u2. We observe that this feature shows sudden changes in a short time frame for higher levels of SBP, dominating the changes at lower SBP levels. Therefore, the corresponding gradient result in having high magnitudes at lower SBP levels achieved during recovery sessions (green triangles in Figure 6c subplots), and values closer to zero at higher SBP levels achieved during CPT (yellow circles in Figure 6c subplots). Nevertheless, the decrease in magnitude with increasing SBP can be associated with the non-linear SBP-PWV relationship (see Methods and Supplementary Figure 2).

The third feature, u3, measures beat-to-beat HR, where its relationship with BP exhibits dynamic nature, affected by various physiological feedback mechanisms (e.g., vagal activity, baroreceptor reflex)13,14. It has been previously shown that during the CPT, HR may show an initial increase (e.g., increased sympathetic activity) followed by a decrease (e.g., increased vagal tone) with increasing SBP. We observe a similar pattern in the feature distribution against SBP as shown in Figure 6b (see mean trend line in red color). The gradient for the third feature, i.e., rate of change in SBP with changing beat-to-beat heart rate, shows positive amplitudes for lower ranges of SBP and negative amplitudes for higher ranges of SBP in agreement with the mean trend in the feature distribution. This change in polarity may be explained by the increased vagal tone dominating the sympathetic activity with increasing SBP during the CPT1315. To further assess the consistency of the parameters establishing the Taylor polynomial across different amounts of information provided to the neural network, an additional analysis is provided. The purpose of this analysis is to demonstrate that the optimized PINN models obtain a consistent approximation of the input-output relationships defined by the Taylor polynomial under varying ground truth data used in model training. To assess this, we train a total of 137 separate models, with each model corresponding to a different number of training instances and data coming from a single individual (SID15): we create a set of initial training points, with each point randomly picked from BP data sorted and segmented into bins, where each bin has 0.5 mmHg steps. This results in 125, 77, and 69 training points for SBP, DBP, and PP, respectively. We start from a single training point and gradually increased the number of training points with two randomly picked points from the aforementioned training sets (e.g., this resulted in 63 models for SBP, labeled training instances: one to 125).

Figure 7ab and Supplementary Figure 6ab show the testing error for PINN and conventional CNN models based on RMSE and Pearson’s correlation coefficient, as the number of labeled training instances grows for SBP, DBP, and PP, respectively. We observe that the PINN models retain consistently high performance (less than 10 mmHg RMSE and 0.85 correlation) when trained for more than ten labeled data points. Figure 7ce, show the distribution of the gradients, yNN/u, with respect to yNN, respectively, where the distributions are grouped based on the number of labeled instances used for training. We observe that ∂yNN/∂u1 and ∂yNN/∂u3 show a consistent distribution (less than 0.10 standard deviation in the discovered trend calculated within the group) with as low as fewer than 40 labeled training instances. Whereas the second gradient, ∂yNN/∂u2, demonstrates a higher deviation in discovered trend due to the highly varying distribution of the second feature, u2, that exhibit sudden changes during high SBP values. The results of this analysis demonstrate the potential of using a limited number of discrete ground truth data points to train the neural networks that produce robust predictions for the remaining majority of input (e.g., more than N=800 samples) based on the unique integration of Taylor polynomial to the model training. Details of this analysis is shared in the Methods section.

Figure 7. PINN model behavior under increasing number of training instances.

Figure 7.

(a-b) Root-mean-squared error (RMSE) and Pearson’s correlation coefficient in estimating SBP for PINN (green) and conventional CNN (orange) models trained over varying amounts of labeled instances. We observed that the PINN models retain consistently high performance (less than 10 mmHg RMSE and 0.85 correlation) when trained for more than ten labeled data points. (c-e) The distribution of the gradients, ∂yNN/∂u1, ∂yNN/∂u2, and ∂yNN/∂u3, respectively, calculated as a part of the Taylor polynomial approximated for each model and grouped based on the number of labeled instances (see subplot titles) used in model training. Gray lines show the individual model trends, whereas solid and dashed colored lines represent the mean trend and standard deviation among all models for the given range of training instances, respectively. The subplot legends (i.e., SDavg) show standard deviation of the gradient values calculated across the group for each SBP and averaged across all points of SBP. A decrease in SDavg is observed among the models trained over higher number of instances, in agreement with the obtained prediction performances. We observe that ∂yNN/∂u1 and ∂yNN/∂u3 show a consistent distribution (less than 0.10 standard deviation in the discovered trend calculated within the group) with as low as fewer than 40 labeled training instances. Whereas the second gradient, ∂yNN/∂u2, demonstrates a higher deviation in constructed trend due to the complex behavior of the second feature, u2, that exhibit sudden changes during high levels of SBP (see Figure 6ab middle subplots).

Discussions

Our novel contributions in this paper are summarized as follows: (i) we present a novel use of PINNs to extract actionable information from time series data for precision medicine with reduced dependency on ground truth information. Although the PINNs have already been introduced, conventionally they require well-defined generalized partial differential equations (PDEs). We propose to obtain PDEs at a personalized level by utilizing Taylor’s approximations for the gradually changing known cardiovascular relationships between input and output and integrating it into neural network training. This leads to robust predictions with training on minimal ground truth data. (ii) Our proposed technique adds interpretability to the network by establishing relationships with underlying cardiovascular dynamics. We show that the parameters of Taylor’s approximation remain consistent across iterations of varying BP elevation maneuvers (e.g., CPT) and show associations with known cardiovascular dynamics. (iii) We demonstrate the effectiveness of proposed PINNs through a comprehensive case study on continuous BP estimation with wearables. We test our models across different bioimpedance-BP datasets, including a total of N=15 participants, with various kinds of sensors (see Supplementary Figure 1) covering wide ranges of SBP, DBP, and PP. We show that PINN models retain high estimation accuracies for all individuals while decreasing the required amounts of ground truth data used in training, on average, by a factor of 15 (see Supplementary Tables 13). In addition, we compare the PINN performance against a neural network of the same architecture that is trained separately with the same amounts of labeled data, where PINNs obtain significantly higher performance (see Supplementary Tables 415 and Supplementary Figures 35).

The Taylor polynomial calculated with PINNs offers an approximation of the input-output dynamics based on the boundary conditions provided with limited ground truth data. The use of Taylor polynomial approximation over hand-crafted equations (e.g., linear regression models for PTT and BP44) for building PINNs address several important challenges, such as; (i) infeasibility of defining static equations that work under differing physiological contexts (e.g., exercise, stress, recovery, rest)45, (ii) inability to represent and mimic complex cardiovascular dynamics as it is challenging to estimate the underlying parameters for personalization.

Methods

Study description and human participation.

Three datasets are used in model training and evaluation: graphene-HGCPT3, calfree-HGCPT30, ring-CPT31. Each dataset contains the raw time series measurements obtained with a wearable-form factor bioimpedance sensor, and the corresponding reference BP values acquired from a medical-grade finger cuff (Finapres NOVA). The Graphene-HGCPT dataset involves N=6 participants (1/5 female/male, age range/median: 21–31/25) that were asked to go through multiple sessions of a BP elevation routine involving HG exercise followed directly by CPT and recovery. The participants wore bioimpedance sensors that used graphene e-tattoos placed at the participants’ wrists along the radial artery. The calfree-HGCPT dataset involves N=5 participants (all male, age range/median: 20–25/23) that were asked to go through multiple sessions of the HG and CPT protocols. The participants wore a silver electrode-based wristband at different positions. We use data collected at POS1 corresponding to the placement of electrodes aligned with the participants’ radial arteries. Ring-CPT dataset involves N=4 participants (all male, age: range/median 19–26/21) that were asked to go through multiple sessions of CPT and recovery. The bioimpedance data was collected with a ring-worn bioimpedance sensor placed at the participants’ ring fingers.

Bioimpedance signal pre-processing and feature extraction.

Bioimpedance modality measures deep tissue characteristics of the human body: tissue and cell compositions and their transient behavior due to physio-mechanical activities (e.g., blood flow, respiration, body fluid shifts, body fat-muscle composition changes) based on a very small, high-frequency non-invasive electrical signal injected between two contact points. The induced voltage signal obtained at additional pairs of contacts changes with the tissue composition changes and their electrical properties. When bioimpedance sensors are placed along the arteries, the acquired signal changes quasi-periodically with the change in the artery volume due to the arrival of the BP pulse wave at each heartbeat cycle. We use simultaneously acquired and synchronized bioimpedance and blood pressure (Finapres NOVA) data stream in each dataset. We segmented the data into beat-to-beat intervals. For the ring-CPT and calfree-HGCPT datasets, we use the delta bioimpedance waveform (i.e., ΔZ: change in bioimpedance in the order of 50–100 mΩ, through the removal of baseline impedance – Z0 – in the order of 20–100 Ω.) normalized by Z0, and ΔZ with no normalization of the graphene-HGCPT dataset due to the unavailability of Z0 baseline value.

We extract nine fiducial points from each beat-to-beat bioimpedance waveform as shown in Figure 2 to calculate physiological features, x(1), x(2), and x(3), where x(1) = (ΔZ)A – (ΔZ)C, x(2) = 1/(tFtB), and x(3) is 60/(tJtA), i.e. heart rate, with (ΔZ)i and ti being the delta bioimpedance amplitude and time instance of the i-th fiducial point (i.e., i ∈ {A, B, …, J}). We apply a three-beat moving average with one-beat overlap to the segmented bioimpedance waveforms and calculated physiological features and blood pressure values (i.e., systolic, diastolic, and pulse pressure). Prior to training of the model, we normalize (zero mean and unity standard deviation) all model inputs and outputs based on the complete dataset. Prior to the statistical analyses, the model output values are converted back to mmHg units based on the initial mean and standard deviation values used in normalization.

Neural network design, hyperparameter selections, and model training.

We use identical model architecture, input-output structure, and layer hyperparameters for PINN and conventional CNN models for fair analysis. We define two separate model inputs, x and u, representing the zero-padded, down-sampled (sampling rate of 30 Hz) and segmented bioimpedance beats, and the features (i.e., three physiological features extracted from bioimpedance), respectively. The segmented bioimpedance beat, x, is connected to a two-layer 1D-CNN network (first layer number of filters: 32, kernel size: 5, activation: ‘RELU’, second layer number of filters: 64, kernel size: 3, activation: ‘RELU’), with a max-pooling (pool size: 3, strides: 1) is applied to its output, followed by flattening. We then use a concatenation layer to combine flattened CNN outputs with u. The concatenated layer was then connected to a series of fully connected network layers (layer-1 number of neurons: 60, activation: ‘RELU’; layer-2 number of neurons: 1) providing the model estimations.

Model training with minimally labeled data.

We designed a unique criterion to train neural network models with minimum labeled data and tested them over the complete BP range. To achieve this, we divided each participant’s data into K segments, with K being the output BP range (i.e., corresponding to 1 mmHg increment between each consecutive segment), and randomly selected one output label from each segment to be included in the supervised training set. For example, in a dataset with 1000 samples and ranging systolic pressure of 120–160 mmHg (K = 40), the train set includes only 40 samples (4% of the dataset for supervised training), while the test set includes 960 samples (96% of the dataset used for testing). The PINNs and conventional CNNs were trained with minimal labeled data. To provide a fair comparison between the two models, we terminated the model training when the supervised training losses reached 0.01. Additionally, we observe that beyond a certain point, the conventional neural networks tend to overfit the training data, further increasing the testing error, while the PINN model is prevented from overfitting due to the physics loss in the objective function.

Train and test of BP estimation with state-of-the-art time series regression models.

We tested three time series regression models: AdaBoost regressor33, Rocket regressor34, Random Forest regressor35. The models are retrieved from publicly available Python (version 3.9) libraries: for AdaBoost regressor, scikit-learn (https://scikit-learn.org/)46, for Rocket and Random Forest regressors, sktime (https://github.com/sktime/sktime/)47. To run AdaBoost and Random Forest regressors, we extracted in total 16 features from inverted bioimpedance waveforms (eight out of 16: time-based, remainder eight out of 16: amplitude-based), based on a total of nine fiducial points extracted from the bioimpedance waveform (see Figure 2). AdaBoost regressors used ensemble of Decision Tree regressors with maximum depth of 15, and number of estimators of 100. Random Forest regressors used an ensemble of Decision Tree regressors built on random intervals, with minimum interval width of three, and number of estimators of 100. For Rocket regressor, the raw segmented bioimpedance waveforms were provided as inputs with the number of kernels selected as 100. For each model, three training criterion were tested: (i) minimal training criterion, (ii) 4-fold cross-validation, (iii) 8-fold cross validation. For K-fold cross-validation analyses, the dataset is divided into K-sets of equal length, where K-1 sets are used for training, and the remaining set is used for testing. In addition, to achieve fair comparison, we included the training instances resultant from minimal training criterion, as described earlier, in the training sets defined based on K-fold cross-validation.

Model training with varying numbers of labeled training instances.

To compare model performance under a growing number of labeled training instances, we created an initial training set. This set was generated based on the minimal training criterion where the labeled data is split into k bins with k = BPrange × 2, where BPrange is the difference between the maximum and minimum BP values calculated separately for SBP, DBP, and PP. This divides the dataset into different bins with bin widths equaling 0.5 mmHg. We then randomly select one point from each bin resulting in k total of labeled data points for the initial training set. We train k/2 different models for each BP output for PINN and CNN, where each model received varying numbers of labeled training points, (an increment of two in the number of labeled training points for consecutive models). For example, the first model is trained with one labeled training instance, the second model is trained with three, and the N-th model is trained with 1 + N × 2 labeled training instances. For each model, we measure the performance against the reference BP using the test set corresponding to the ground truth BP values that are not included in the training.

Hemodynamic relationships.

Systolic and diastolic blood pressure values correspond to the maximum and minimum pressure points in the artery. During systole, the heart ejects blood into the aorta, which then travels through the arterial tree. Pulse pressure is the difference between systolic and diastolic blood pressure. The changes in PP and SBP are proportional to volumetric changes based on the arterial wall characteristics defined by compliance48, where the parameters for the equation changes per individual (see Supplementary Figure 2).

The blood pressure pulse wave velocity (PWV) is also related to the arterial wall characteristics and its response to changing pressure. The relationship for PWV is defined as: PWV=Eh/Dρ,49 where D is the diameter of the radial artery, h is the wall thickness of the radial artery, ρ is the average density of human blood, and E is the elastic modulus of the artery wall that has a positive correlation with blood pressure50.

HR and BP do not necessarily increase at the same rate due to different underlying CV control mechanisms. The relationship between HR and PP during CPT is shown to have varying correlations13,14. For certain individuals, reciprocal changes in cardiac autonomic regulation induce a sustained increase in HR with an increase in BP, while for others, CPT induces a decrease in HR after an initial increase, likely due to the co-activation of the vagal and sympathetic outflow at the heart level (see Supplementary Figure 2d).

Performance metrics.

To assess the trained model performance on a test dataset, we calculate per-subject and group mean error (ME), the standard deviation of the error (SDE), root-mean-squared error (RMSE), along with confidence intervals and Pearson’s correlation coefficients, based on true and estimated blood pressure values. Additionally, we report the results according to the AAMI standard for BP devices32.

Supplementary Material

Supplement 1

Acknowledgements

This work was supported in part by the U.S. National Institute of Health Grant 1R01EB028106 and 1R01HL151240.

Footnotes

Competing Interests

The authors declare no competing interests.

Code Availability

Algorithms used for neural network model and physics loss function design, model training and testing will be made publicly available. The custom code used for data visualization are available from the corresponding authors upon request.

Additional Information

Supplementary information. This document contains supplementary figures, supplementary tables and supplementary text providing supporting discussion and data, shared at the end of the manuscript.

Data Availability

The graphene-HGCPT dataset analyzed during the current study is available in the PhysioNet repository, doi.org/10.13026/ce62-pc98. The calfree-HGCPT and ring-CPT datasets analyzed during the current study are available from the corresponding author on reasonable request.

References

  • 1.Zemouri R., Zerhouni N. & Racoceanu D. Deep learning in the biomedical applications: Recent and future status. Appl. Sci. 9, 1526 (2019). [Google Scholar]
  • 2.Klabunde R. Cardiovascular physiology concepts. (Lippincott Williams & Wilkins, 2011). [Google Scholar]
  • 3.Kireev D. et al. Continuous cuffless monitoring of arterial blood pressure via graphene bioimpedance tattoos. Nat. Nanotechnol. 1–7 (2022). [DOI] [PubMed] [Google Scholar]
  • 4.Singh A., Thakur N. & Sharma A. A review of supervised machine learning algorithms. in 2016 3rd International Conference on Computing for Sustainable Global Development (INDIACom) 1310–1315 (2016). [Google Scholar]
  • 5.Raissi M., Perdikaris P. & Karniadakis G. E. Physics-informed neural networks: A deep learning framework for solving forward and inverse problems involving nonlinear partial differential equations. J. Comput. Phys. 378, 686–707 (2019). [Google Scholar]
  • 6.Cai S., Mao Z., Wang Z., Yin M. & Karniadakis G. E. Physics-informed neural networks (PINNs) for fluid mechanics: A review. Acta Mech. Sin. 1–12 (2022). [Google Scholar]
  • 7.Rai R. & Sahu C. K. Driven by data or derived through physics? a review of hybrid physics guided machine learning techniques with cyber-physical system (cps) focus. IEEE Access 8, 71050–71073 (2020). [Google Scholar]
  • 8.Zhang L., Wang G. & Giannakis G. B. Real-time power system state estimation and forecasting via deep unrolled neural networks. IEEE Trans. Signal Process. 67, 4069–4077 (2019). [Google Scholar]
  • 9.Wu H. et al. Variational Koopman models: Slow collective variables and molecular kinetics from short off-equilibrium simulations. J. Chem. Phys. 146, 154104 (2017). [DOI] [PubMed] [Google Scholar]
  • 10.Schukat M. et al. Unintended consequences of wearable sensor use in healthcare. Yearb. Med. Inform. 25, 73–86 (2016). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 11.Burnham J. P., Lu C., Yaeger L. H., Bailey T. C. & Kollef M. H. Using wearable technology to predict health outcomes: a literature review. J. Am. Med. Informatics Assoc. 25, 1221–1227 (2018). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 12.Barvik D., Cerny M., Penhaker M. & Noury N. Noninvasive Continuous Blood Pressure Estimation from Pulse Transit Time: A review of the calibration models. IEEE Rev. Biomed. Eng. (2021). [DOI] [PubMed] [Google Scholar]
  • 13.Mourot L., Bouhaddi M. & Regnard J. Effects of the cold pressor test on cardiac autonomic control in normal subjects. Physiol. Res. 58, (2009). [DOI] [PubMed] [Google Scholar]
  • 14.Schwabe L. & Schächinger H. Ten years of research with the Socially Evaluated Cold Pressor Test: Data from the past and guidelines for the future. Psychoneuroendocrinology 92, 155–161 (2018). [DOI] [PubMed] [Google Scholar]
  • 15.Gourine A. V & Ackland G. L. Cardiac vagus and exercise. Physiology 34, 71–80 (2019). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 16.Flint A. C. et al. Effect of systolic and diastolic blood pressure on cardiovascular outcomes. N. Engl. J. Med. 381, 243–251 (2019). [DOI] [PubMed] [Google Scholar]
  • 17.Kario K. Management of hypertension in the digital era: small wearable monitoring devices for remote blood pressure monitoring. Hypertension 76, 640–650 (2020). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 18.Carey R. M., Muntner P., Bosworth H. B. & Whelton P. K. Prevention and control of hypertension: JACC health promotion series. J. Am. Coll. Cardiol. 72, 1278–1293 (2018). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 19.Kario K. et al. Morning home blood pressure is a strong predictor of coronary artery disease: the HONEST study. J. Am. Coll. Cardiol. 67, 1519–1527 (2016). [DOI] [PubMed] [Google Scholar]
  • 20.Pandit J. A., Lores E. & Batlle D. Cuffless blood pressure monitoring: promises and challenges. Clin. J. Am. Soc. Nephrol. 15, 1531–1538 (2020). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 21.Bernstein D. P. Impedance cardiography: Pulsatile blood flow and the biophysical and electrodynamic basis for the stroke volume equations. J. Electr. Bioimpedance 1, 2–17 (2010). [Google Scholar]
  • 22.Grimnes S. & Martinsen O. G. Bioimpedance and bioelectricity basics. (Academic press, 2011). [Google Scholar]
  • 23.Anand G., Yu Y., Lowe A. & Kalra A. Bioimpedance analysis as a tool for hemodynamic monitoring: overview, methods and challenges. Physiol. Meas. 42, 03TR01 (2021). [DOI] [PubMed] [Google Scholar]
  • 24.Raissi M., Perdikaris P. & Karniadakis G. E. Physics informed learning machine. at (2021). [Google Scholar]
  • 25.Nichols W. W. McDonald’s Blood Flow in Arteries: Theoretical. Exp. Clin. Princ. (1998). [Google Scholar]
  • 26.London G. M. & Guerin A. P. Influence of arterial pulse and reflected waves on blood pressure and cardiac function. Am. Heart J. 138, S220–S224 (1999). [DOI] [PubMed] [Google Scholar]
  • 27.Gao M. et al. A simple adaptive transfer function for deriving the central blood pressure waveform from a radial blood pressure waveform. Sci. Rep. 6, 1–9 (2016). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 28.Gao M., Zhang G., Olivier N. B. & Mukkamala R. Improved pulse wave velocity estimation using an arterial tube-load model. IEEE Trans. Biomed. Eng. 61, 848–858 (2013). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 29.Brillante D. G., O’sullivan A. J. & Howes L. G. Arterial stiffness indices in healthy volunteers using non-invasive digital photoplethysmography. Blood Press. 17, 116–123 (2008). [DOI] [PubMed] [Google Scholar]
  • 30.Ibrahim B. & Jafari R. Cuffless blood pressure monitoring from a wristband with calibration-free algorithms for sensing location based on bio-impedance sensor array and autoencoder. Sci. Rep. 12, 1–14 (2022). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 31.Sel K. et al. Continuous Cuffless Blood Pressure Monitoring with a Wearable Ring Bioimpedance Device (under review). [DOI] [PMC free article] [PubMed]
  • 32.Stergiou G. S. 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 71, 368–374 (2018). [DOI] [PubMed] [Google Scholar]
  • 33.Freund Y. & Schapire R. E. A decision-theoretic generalization of online learning and an application to boosting. J. Comput. Syst. Sci. 55, 119–139 (1997). [Google Scholar]
  • 34.Dempster A., Petitjean F. & Webb G. I. ROCKET: exceptionally fast and accurate time series classification using random convolutional kernels. Data Min. Knowl. Discov. 34, 1454–1495 (2020). [Google Scholar]
  • 35.Deng H., Runger G., Tuv E. & Vladimir M. A time series forest for classification and feature extraction. Inf. Sci. (Ny). 239, 142–153 (2013). [Google Scholar]
  • 36.Greene M. A., Boltax A. J., Lustig G. A. & Rogow E. Circulatory dynamics during the cold pressor test. Am. J. Cardiol. 16, 54–60 (1965). [DOI] [PubMed] [Google Scholar]
  • 37.Kim J. H. et al. Peripheral vasoconstriction during mental stress and adverse cardiovascular outcomes in patients with coronary artery disease. Circ. Res. 125, 874–883 (2019). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 38.Nabel E. G., Ganz P., Gordon J. B., Alexander R. W. & Selwyn A. P. Dilation of normal and constriction of atherosclerotic coronary arteries caused by the cold pressor test. Circulation 77, 43–52 (1988). [DOI] [PubMed] [Google Scholar]
  • 39.Buckwalter J. B. & Clifford P. S. The paradox of sympathetic vasoconstriction in exercising skeletal muscle. Exerc. Sport Sci. Rev. 29, 159–163 (2001). [DOI] [PubMed] [Google Scholar]
  • 40.Tardy Y., Meister J. J., Perret F., Brunner H. R. & Arditi M. Non-invasive estimate of the mechanical properties of peripheral arteries from ultrasonic and photoplethysmographic measurements. Clin. Phys. Physiol. Meas. 12, 39 (1991). [DOI] [PubMed] [Google Scholar]
  • 41.Girerd X. et al. Noninvasive measurement of medium-sized artery intima-media thickness in humans: in vitro validation. J. Vasc. Res. 31, 114–120 (1994). [DOI] [PubMed] [Google Scholar]
  • 42.Messas E., Pernot M. & Couade M. Arterial wall elasticity: state of the art and future prospects. Diagn. Interv. Imaging 94, 561–569 (2013). [DOI] [PubMed] [Google Scholar]
  • 43.Huynh T. H., Jafari R. & Chung W.-Y. An accurate bioimpedance measurement system for blood pressure monitoring. Sensors 18, 2095 (2018). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 44.Ding X. & Zhang Y.-T. Pulse transit time technique for cuffless unobtrusive blood pressure measurement: from theory to algorithm. Biomed. Eng. Lett. 9, 37–52 (2019). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 45.France C. & Ditto B. Cardiovascular responses to the combination of caffeine and mental arithmetic, cold pressor, and static exercise stressors. Psychophysiology 29, 272–282 (1992). [DOI] [PubMed] [Google Scholar]
  • 46.Pedregosa F. et al. Scikit-learn: Machine Learning in {P}ython. J. Mach. Learn. Res. 12, 2825–2830 (2011). [Google Scholar]
  • 47.Löning M. et al. sktime: A unified interface for machine learning with time series. arXiv Prepr. arXiv1909.07872 (2019). [Google Scholar]
  • 48.Papaioannou T. G. et al. Total arterial compliance estimated by a novel method and all-cause mortality in the elderly: the PROTEGER study. Age (Omaha). 36, 1555–1563 (2014). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 49.Guo C.-Y., Chang C.-C., Wang K.-J. & Hsieh T.-L. Assessment of a calibration-free method of cuffless blood pressure measurement: a pilot study. IEEE J. Transl. Eng. Heal. Med. (2022). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 50.Kachuee M., Kiani M. M., Mohammadzade H. & Shabany M. Cuffless blood pressure estimation algorithms for continuous healthcare monitoring. IEEE Trans. Biomed. Eng. 64, 859–869 (2016). [DOI] [PubMed] [Google Scholar]
  • 51.Klabunde R. E. Arterial and aortic pulse pressure. Image for Cardiovascular Physiology Concepts, Richard E Klabunde PhD at https://www.cvphysiology.com/BloodPressure/BP003.
  • 52.Tang X., Jankovic M. & Jafari R. A Non-invasive Radial Arterial Compliance Measuring Method using Bio-Impedance. in 2021 43rd Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC) 2330–2334 (2021). [DOI] [PubMed] [Google Scholar]
  • 53.Mancia G., Bombelli M., Seravalle G. & Grassi G. Diagnosis and management of patients with white-coat and masked hypertension. Nat. Rev. Cardiol. 8, 686–693 (2011). [DOI] [PubMed] [Google Scholar]
  • 54.Shin H. & Min S. D. Feasibility study for the non-invasive blood pressure estimation based on ppg morphology: Normotensive subject study. Biomed. Eng. Online 16, 1–14 (2017). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 55.Kim J. et al. Soft wearable pressure sensors for beat-to-beat blood pressure monitoring. Adv. Healthc. Mater. 8, 1900109 (2019). [DOI] [PubMed] [Google Scholar]
  • 56.Soleimani E., Mokhtari-Dizaji M., Fatouraee N. & Saberi H. Assessing the blood pressure waveform of the carotid artery using an ultrasound image processing method. Ultrasonography 36, 144 (2017). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 57.Bent B., Goldstein B. A., Kibbe W. & Dunn J. P. Investigating sources of inaccuracy in wearable optical heart rate sensors. NPJ Digit. Med. 3, (2020). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 58.Fine J. et al. Sources of Inaccuracy in Photoplethysmography for Continuous Cardiovascular Monitoring. Biosensors 11, (2021). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 59.Boonya-ananta T., Rodriguez A. J., Hansen A. K., Hutcheson J. D. & Ramella-Roman J. C. Monte Carlo Modeling of a Photoplethysmographic (PPG) in Individuals with Obesity. In Biophotonics Congress: Biomedical Optics 2020 (Translational, Microscopy, OCT, OTS, BRAIN) JTu3A.39 (Optica Publishing Group, 2020). [Google Scholar]
  • 60.Sel K., Osman D. & Jafari R. Non-invasive cardiac and respiratory activity assessment from various human body locations using bioimpedance. IEEE open J. Eng. Med. Biol. 2, 210–217 (2021). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 61.Sel K., Ibrahim B. & Jafari R. ImpediBands: Body Coupled Bio-Impedance Patches for Physiological Sensing Proof of Concept. IEEE Trans. Biomed. Circuits Syst. 14, 757–774 (2020). [DOI] [PubMed] [Google Scholar]
  • 62.Wang C. et al. Bioadhesive ultrasound for long-term continuous imaging of diverse organs. Science (80-. ). 377, 517–523 (2022). [DOI] [PubMed] [Google Scholar]
  • 63.Li X., Qiao D., Li Y. & Dai H. A novel through-wall respiration detection algorithm using uwb radar. in Engineering in Medicine and Biology Society (EMBC), 2013 35th Annual International Conference of the IEEE 1013–1016 (2013). [DOI] [PubMed] [Google Scholar]

Associated Data

This section collects any data citations, data availability statements, or supplementary materials included in this article.

Supplementary Materials

Supplement 1

Data Availability Statement

The graphene-HGCPT dataset analyzed during the current study is available in the PhysioNet repository, doi.org/10.13026/ce62-pc98. The calfree-HGCPT and ring-CPT datasets analyzed during the current study are available from the corresponding author on reasonable request.


Articles from Research Square are provided here courtesy of American Journal Experts

RESOURCES