- 1School of Management, Capital Normal University, Beijing, China
- 2School of Computing and Mathematical Sciences, University of Leicester, Leicester, United Kingdom
- 3Institute of Medical Information, Chinese Academy of Medical Sciences/Peking Union Medical College, Beijing, China
Introduction: Hypertension has a multifactorial etiology. Recent studies have revealed a link between hypertension and gut microbiota dysbiosis. Pulse wave analysis holds significant clinical value for hypertension risk assessment. While research on deep learning models utilizing photoplethysmography (PPG) for hypertension classification has advanced, limitations persist. PPG offers limited richness and accuracy for characterizing blood pressure-related pathological information. In contrast, Arterial Pressure Waveform (APW) provides richer pathological information and exhibit stronger correlations with clinically interpretable features. However, deep learning research using APW for hypertension classification remains limited, as existing studies focus primarily on local feature extraction and neglect global temporal dynamics.
Methods: To address these challenges, we propose a novel 1D-CNN-BiLSTM-Transformer architecture for hypertension risk assessment based on APW, where the 1D-CNN module extracts waveform morphology features from signals within individual pressure segments, the BiLSTM module models long-range temporal dependencies from signals within each segment, and the Transformer module explicitly captures nonlinear interaction from signals across different pressure segments through multi-head self-attention mechanisms.
Results: We use the multi-channel APW database from the Population Health Data Archive (PHDA), containing hypertensive and non-hypertensive cases with APW signals acquired from six traditional Chinese medicine points (left-cun, left-guan, left-chi, right-cun, right-guan, and right-chi) to evaluate the model’s performance. The model outperforms the current state-of-the-art methods in accuracy, precision, recall, and F1 score across all six points.
Conclusion: The proposed model enhances classification performance. The physiologically driven interpretable analysis demonstrates that APW can reflect pathophysiological features associated with gut microbiota dysbiosis. The model-driven interpretable analysis offers a decision-making basis for clinical diagnosis.
1 Introduction
The development of hypertension results from the interplay between genetic and environmental factors (Townsend et al., 2016). To date, genetic contributors to hypertension have been extensively studied. Studies have suggested that dysbiosis of the gut microbiota is closely associated with the progression of hypertension. Alterations in the abundance of certain gut microbial strains may suppress or attenuate immune responses related to chronic inflammation, indicating their potential role as biomarkers for the prevention and treatment of hypertension (Yu et al., 2024). Therefore, exploring novel therapeutic targets from the perspective of the gut microbiome etiology is both highly feasible and necessary.
Blood pressure (BP) is defined as the lateral pressure exerted by blood flow per unit area on blood vessel walls. It is categorized by vessel type: capillary pressure, venous pressure, and arterial blood pressure (ABP), with ABP being the most commonly referenced measure (Polska et al., 2007). Extensive research demonstrates a strong correlation between pulse wave signals and ABP. For instance, Luo et al. (2006) invasively measure ABP in the canine aorta while simultaneously capturing non-invasive pulse waves, observing consistent waveform morphology and temporal relationships. Martinez et al. (2018) further quantify this similarity in both the time and frequency domains, reporting an average Pearson correlation coefficient exceeding 0.9. Complementing these findings, Abhay et al. (2017) analyze specific feature-based similarities, finding high Pearson correlation coefficients for amplitudes (0.822), normalized time periods (0.99), and normalized rise times (0.78) between ABP and pulse wave signals. Collectively, this evidence strongly suggests that pulse wave signals provide valuable information for assessing BP.
Photoplethysmography (PPG) and Arterial Pressure Waveform (APW) represent two distinct pulse wave types acquired through different sensing modalities. PPG signals, obtained using optical sensors, detect blood volume fluctuations caused by light absorption or reflection within the microvasculature (small arterioles, small venules, and capillaries) in the subcutaneous microcirculation (Lee et al., 2021). There has been considerable advancement in BP prediction studies based on PPG (De Nisio et al., 2025; Shoaib et al., 2025; Shimazaki et al., 2019). APW signals are captured using pressure sensors directly coupled to the brachial or radial artery, thereby reflecting the dynamic pressure characteristics of the arterial wall (Avolio et al., 2009). Due to inherent limitations in its acquisition method, PPG signals are more constrained in characterizing the richness and fidelity of BP-related pathological information compared to APW signals. Furthermore, when deep learning networks process APW signals for classification, the primary classification features exhibit more direct and robust correlations with clinically interpretable physiological indicators. Consequently, APW signals are better suited as input for deep learning models targeting hypertension classification, offering enhanced potential for both model performance and interpretability.
Deep learning has gained significant momentum in recent research for pulse wave-based BP prediction (Nuryani et al., 2023). Among prevalent architectures, Convolutional Neural Networks (CNNs) are widely adopted, leveraging their powerful feature extraction capabilities to achieve commendable performance on this task (Khodabakhshi et al., 2022; Schlesinger et al., 2020; Qin et al., 2021; Yan et al., 2019; Liu, 2021). However, CNNs possess inherent limitations: they can only extract local features due to their restricted receptive fields, and they are not specially designed for processing one-dimensional (1D) sequential data, whereas the pulse wave data represents quintessential 1D time series (Tian et al., 2025). To address these constraints, Recurrent Neural Networks (RNNs) have been proposed to model the temporal dependencies within pulse wave data (Aguirre et al., 2021; El-Hajj and Kyriacou, 2021a; El-Hajj and Kyriacou, 2021b; Liu et al., 2024). Nevertheless, standard RNNs often struggle to capture very long-range dependencies effectively (Zhang et al., 2023). Further innovations involve hybrid architectures that integrate CNN and RNN components to leverage their complementary strengths in local feature extraction and temporal dependency modeling, respectively (Hung et al., 2025; Wang et al., 2020; Panwar et al., 2020; Zhang et al., 2024; Leitner et al., 2022). Recently, the Transformer architecture (Vaswani et al., 2017) has garnered extensive attention across diverse domains. Its core self-attention mechanism excels at recognizing long-range relationships within sequences and learning global contextual features, making the Transformer inherently more suitable for modeling the complex temporal dynamics of pulse wave signals compared to both CNNs and traditional RNNs.
To address the limitations of existing approaches for pulse wave-based hypertension classification, we propose a novel 1DCNN-BiLSTM-Transformer architecture based on APW analysis (Ju et al., 2024; Peng et al., 2024a; Peng et al., 2024b; Feng et al., 2023). This model integrates complementary strengths: the 1DCNN-BiLSTM module extracts the local features from signals within individual pressure segments, while the Transformer module captures the complex, long-range interdependence among signals across different pressure segments. The feature fusion module combines these hierarchically learned representations for final classification. We evaluate model performance using the multi-channel APW database containing hypertensive and non-hypertensive cases from the Population Health Data Archive (PHDA) (Geng, 2024). The dataset includes APW data from 495 hypertensive and 611 non-hypertensive subjects, collected at three points on each hand (referred to as cun, guan, and chi in Chinese medicine) under 14 step-pressure gradients ranging from 10 to 140 mmHg at 10 mmHg intervals. Validation experiments demonstrate that our proposed model significantly outperforms state-of-the-art typical deep learning methods for pulse wave-based hypertension classification in accuracy, precision, recall, and F1 score across all six collection points. Furthermore, to bridge the gap between algorithmic output and clinical utility, we conduct the interpretability analysis from three perspectives: (1) model performance variation analysis under six collection points, (2) attention weight analysis of signals for each pressure segment, and (3) spatial feature importance analysis using Grad-CAM (Selvaraju et al., 2020). The synergistic combination of superior predictive performance and clinically grounded interpretability establishes a robust methodological framework for hypertension risk assessment.
2 Materials and methods
2.1 Network architecture
The overall architecture of the 1DCNN-BiLSTM-Transformer model we proposed is shown in Figure 1.
Figure 1. 1DCNN-BiLSTM-Transformer model structure. represents the pulse wave sequence under the i-th pressure level. , , and denote the local features, global features, and concatenated features, respectively, extracted from the pulse wave sequence at the i-th pressure level. refers to the attention weight assigned to the i-th pressure level. represents the final fused feature.
2.2 1DCNN-BiLSTM module
The One-Dimensional Convolutional Neural Network-Bidirectional Long Short-Term Memory (1DCNN-BiLSTM) module extracts local features from signals within each pressure segment. The 1DCNN module extracts morphological features, and the BiLSTM module captures temporal dependencies. The 1DCNN-BiLSTM module preserves pressure gradient information and signal features within each pressure segment.
2.2.1 1DCNN module
The convolutional layer identifies specific waveform fragments through convolutional kernels, while its translation invariance ensures that these kernels can detect the waveform features at each position. The 1DCNN module comprises three convolutional blocks. These three convolutional blocks employ convolutional kernels of decreasing sizes to extract waveform features at different scales: The first layer captures basic waveform features such as peaks and valleys; the middle layer combines first-layer features to identify more complex waveforms such as main waveforms, pre-prestroke waveforms, and re-prestroke waveforms; and the final layer further integrates these features to capture local morphological details. The one-dimensional convolution operation for signal feature extraction is shown in Equation 1:
is the APW sequence within each pressure segment, is the weight of the th element in the convolution kernel, is the element taken from that corresponds with the current convolution kernel, and is the output feature value at position .
2.2.2 BiLSTM module
With 2000 time steps per pressure segment, APW sequences are so lengthy that the 1DCNN module alone cannot capture global features within each pressure segment. Therefore, we introduce the BiLSTM module after the 1DCNN module to extract long-range temporal dependencies. For pulse wave signals, both forward evolution information from the systolic to diastolic phase and backward information reflected back from the distal end are equally significant for hypertension diagnosis. Consequently, we configure the LSTM module as bidirectional, enabling simultaneous forward and backward sequence processing to capture bidirectional signal dependencies.
2.3 Transformer module
The Transformer module captures interdependencies among signals across different pressure segments, learning pressure change patterns of the APW signals. The module comprises three transformer blocks connected in parallel, each containing an 8-head self-attention layer and a feed-forward network. The multi-head attention layer is designed to enable the model to consider all other positions in the sequence when processing each position, thereby capturing long-range intra-sequence dependencies. Feature importance is dynamically adjusted through the mechanism to enhance signal feature representations within each pressure segment according to global forward and backward information.
Each block accepts the local feature sequence extracted by the 1DCNN-BiLSTM module as input. Within each block, the computation of Query (Q), Key (K), and Value (V) matrices, followed by the scaled dot-product attention mechanism, enables interactive modeling of the input, allowing information at each position to directly attend to and integrate features from all other positions. The feature sequences output by the three blocks are adaptively integrated through a gated fusion, which computes dynamic gating weights (Equations 2 and 3). The global feature sequence is ultimately produced via weighted summation (Equation 4). The sequence comprehensively encapsulates information from all pressure segments.
is the transformed feature sequence of the k-th Transformer block, with the transformation serving to align the outputs of the three blocks into a unified feature space. is the dynamic gating weight vector associated with the k-th block.
2.4 Feature fusion module
The feature fusion module fuses local features from signals at each pressure segment (extracted by the 1DCNN-BiLSTM module) with global features from the entire signal (extracted by the Transformer module) in the feature dimension.
For the th pressure segment, the concatenating feature calculation process is shown in Equation 5:
s are input into an attention pooling layer to learn their importance weights s (Equation 6), and then s are weighted and fused to generate a single feature vector (Equation 7), that comprehensively represents APW signal information within all pressure segments.
Finally, is fed into the classification module, which consists of three fully-connected layers that perform nonlinear mapping and integration of the fused high-dimensional features. The network ultimately produces a binary prediction indicating either “Hypertension” or “Non-Hypertension,” achieving the automated classification of pulse wave sequence data.
3 Experiments
3.1 Dataset
The data are obtained from the APW dataset shared on the Population Health Data Archive (PHDA).
Data collection employed a multi-channel pulse acquisition instrument consisting of an airbag pressurization device and three composite pressure sensors. The acquisition process operates as follows: the airbag pressurization device provides step pressures from 10 to 140 mmHg in 10 mmHg intervals, and the cuff is inflated to generate the specified pressure for approximately 10 s with a 225 Hz sampling frequency at each pressure step, while APW signals and static pressure information from the three sensors are recorded in real time until the next inflation command. In this way, 14-order static pressure values and corresponding APW sequence data from three reference points on each hand under 14 pressure gradients from every subject (495 with hypertension and 611 without hypertension) are collected. These three points are designated as cun, guan, and chi in traditional Chinese medicine, reflecting human body health status across different dimensions. The collection points and results are shown in Figure 2, with dataset details presented in Table 1.
Figure 2. APW signal corresponds to six points (left-cun, left-guan, left-chi, right-cun, right-guan, and right-chi) under 14 step-pressure gradients ranging from 10 to 140 mmHg at 10 mmHg intervals. The Cun, Guan, and Chi are three distinct TCM points on the medial wrist. The APW signal obtained from each point can, respectively, indicate the functional status of different Zang-fu organs.
3.2 Data preprocessing
For the APW sequence data at each acquisition point, data preprocessing is performed in three aspects: conventional data cleaning, noise reduction, and baseline drift removal.
3.2.1 Conventional data cleaning
The collected data for each pressure segment contains approximately 2,250 points. During data collection, APW signals briefly drift during each pressurization process. Furthermore, neural networks require equal points in each pressure segment. Therefore, if points exist under each pressure section, we remove points from the starting point and before the ending point during each pressurization process to ensure the length under each pressure segment is 2000 (Equations 8 and 9).
3.2.2 Noise reduction
During actual collection, high-frequency noise becomes mixed into APW signals due to internal instrument noise, electromagnetic interference, motion artifacts, and other interferences, so low-pass filtering technology is needed to reduce the high-frequency noise component in collected signals. Wavelet threshold denoising (Zhang et al., 2016) can eliminate the high-frequency noise influence on signals and extract the main features.
We represent the collected signal as , where is the unprocessed noisy signal, is the useful signal, and is the high-frequency noise signal. The signal after wavelet threshold denoising is . Based on extensive experimental comparisons, the coif6 wavelet is selected as the wavelet basis, with a decomposition level of 3. The threshold is determined using the fixed threshold estimation, and the high-frequency coefficients are processed with the soft thresholding function. The entire wavelet threshold denoising process can be represented by the following pseudo-code:
Begin:Input:f(t)
// Initialization
Choose wavelet basis as ‘coif6’
Set decomposition level to 3
Select fixed threshold estimation method
Select soft threshold function
// Wavelet decomposition
(LowFreqCoeffs, HighFreqCoeffs)=WaveletDecompose(f(t), ‘coif6’,3)
// Threshold determination
Threshold=FixedThresholdEstimation(HighFreqCoeffs)
// High-frequency coefficient processing
for each level in HighFreqCoeffs:
for each Coeff in HighFreqCoeffs(level):
if abs(Coeff)>Threshold:
ProcessedHighFreqCoeffs(Level).append(Coeff)
else:
ProcessedCoeff=SoftThresholdFunction(Coeff,Threshold)
ProcessedHighFredCoeffs(level).apped(ProcessedCoeff)
// Wavelet reconstruction
g(t) = WaveletReconstruct(LowFreqCoeffs, ProcessedHighFreqCoeffs, ‘coif6’, 3)
Output:g(t)
End
3.2.3 Baseline drift removal
During actual collection, low-frequency noise becomes mixed into APW signals due to subject breathing or slight body movement, temperature drift, voltage drift, and other disturbances, causing APW signals to deviate from their baseline and present slow, non-periodic fluctuations. Empirical Mode Decomposition (EMD) (Kopsinis and McLaughlin, 2009) adaptively decomposes the signal layer by layer from high frequency to low frequency into multiple Intrinsic Mode Functions (IMFs) according to its characteristics. The low-frequency noise is eliminated by removing IMF1, while the high-frequency IMFs are retained and reconstructed as the signal after removing the baseline drift.
After data preprocessing, the waveform becomes smoother and retains the waveform features of the signal to the greatest extent. As shown in Figure 3, the waveforms of original and preprocessed signals remain consistent, establishing a solid foundation for subsequent analysis.
Figure 3. Waveforms obtained from the left-cun pulse of one subject under the 10 mmHg pressure: (a) original signal, (b) signal after wavelet threshold denoising, and (c) signal after baseline drift removal.
3.3 Data augmentation
For the small datasets in this study (495 hypertensive samples and 611 non-hypertensive samples), we adopt data augmentation to introduce random variations of the original data to reasonably and effectively expand the scale and diversity of the training set, which enables the model to learn more robust and stable feature representation while reducing overfitting and enhancing model generalization ability.
Considering APW characteristics, we design the following three data augmentation methods to expand the training set while preserving physiological fidelity:
1. Injection of band-limited Gaussian noise: While preprocessing typically removes high-frequency noise, APW signals may exhibit subtle, low-amplitude stochastic variations due to physiological micro-tremors or sensor limitations. To simulate this realistically without reintroducing discarded noise, we inject low-intensity, band-limited Gaussian noise with constrained probability.
2. Random cyclic time shifting: To account for inherent physiological fluctuations in the periodicity of APW signals, we simulate this natural phase variability by applying random cyclic shifts along the time axis.
3. Random amplitude scaling: To simulate natural amplitude variations in APW signals and enhance model robustness to absolute signal strength, we apply random scaling factors to the signal amplitude.
We set 0.005 as the noise level, 20 points as the maximum offset, and (0.95, 1.05) as the amplitude scaling range.
3.4 Parameter setting
We design and validate the deep learning models in a Python environment using the Pytorch library on a computer with a 14-core CPU and 32 GB RAM. The graphics card used is an NVIDIA GeForce RTX 4070 Ti Super 16GB to accelerate model training.
The 1DCNN module consists of three convolutional blocks with kernel sizes of 7, 5, and 3 and filter counts of 32, 64, and 128, respectively. The BiLSTM module comprises two stacked blocks with 256 hidden units each. The Transformer block is composed of three transformer blocks connected in parallel, each equipped with eight attention heads. Three fully connected layers are appended at the end for classification.
We apply the cross-entropy loss function suitable for classification tasks. We set 0.001 as the initial learning rate and 32 as the batch size, train the model for 100 epochs applying the Adam optimizer, and stop training if performance does not improve after 15 epochs. To ensure the stability and generalization ability of the model, we adopt 5-fold cross-validation for data partitioning.
3.5 Evaluation metrics
We use accuracy rate, precision rate, recall rate, and F1 score to evaluate the model classification performance (Equations 10–13).
is the number of samples that are actually hypertensive and correctly predicted as hypertensive, is the number of samples that are actually non-hypertensive and correctly predicted as non-hypertensive, is the number of samples that are actually non-hypertensive but wrongly predicted as hypertensive, and is the number of samples that are actually hypertensive but wrongly predicted as non-hypertensive.
4 Results
4.1 Model performance evaluation
To assess the effectiveness and computational complexity of the 1DCNN-BiLSTM-Transformer model, we compare it against five representative deep learning models commonly used for pulse wave-based hypertension classification (Tables 2, 3).
In comparison with the five benchmarking models, our proposed 1DCNN-BiLSTM-Transformer model achieves the best performance across all six collection points. Notably, this superior performance is attained without incurring additional computational complexity.
4.2 Ablation experiments
To verify the positive guiding role of each sub-module in the classification process of the 1DNN-BiLSTM-Transformer model, we conduct the ablation experiment with the APW data on the left-cun as the experimental object (Figure 4). The results are shown in Table 4.
Figure 4. Model architectures corresponding to the ablation experiments: (a) Experiment 1, (b) Experiment 2, (c) Experiment 3, and (d) Experiment 4.
In Experiment 1, removal of the Transformer module results in a 6.5% drop in accuracy. In Experiment 2, omitting the BiLSTM module leads to a 4.1% decline in accuracy. These findings indicate that both the Transformer and BiLSTM modules positively contribute to the model’s performance. In Experiment 3, the absence of the 1DCNN module leads to a 6.8% decrease in accuracy. Compared with Experiments 1 and 2, the decrease in accuracy in Experiment 3 is the greatest, which indicates that the local waveform features extracted by the 1DCNN module under each pressure segment are crucial for classification, and the positive guiding role of the 1DCNN module is the strongest. In Experiment 4, the original model outperforms ablation models in every metric, which confirms the synergistic effectiveness of the three modules of 1DCNN, BiLSTM, and Transformer.
5 Discussion
5.1 Comparison of classification performance under the six points
As shown in Figure 5, the performance ranking of the six models at the six collection points from high to low is left-cun, left-guan, right-cun, left-chi, right-guan, and right-chi. The performance of the collection points on the left hand is generally greater than that on the right hand.
Figure 5. Heatmaps depicting differences in accuracy, precision, recall, and F1 score across six models at six points. A darker color indicates a higher value of the metric and a better performance.
The left meridian belongs to Yin and governs blood, corresponds to the heart, liver, and kidneys, and directly participates in the regulation of blood circulation. Hyperactivity of liver Yang and insufficiency of kidney Yin are both core pathogenesis of hypertension (Zhang et al., 2019). The physiological characteristics of the liver storing blood and the heart governing blood vessels enable the left meridian to more sensitively reflect the hemodynamic changes of hypertension (Sun et al., 2016). The internal organ of the left-cun is the heart, and the left-cun is the closest to the aorta, which retains most of the ventricular ejection features (Wei et al., 2015). From the perspective of gut microbiota etiology, the systemic pathological changes triggered by its dysregulation—such as immune-inflammatory responses and abnormal metabolites—primarily affect the functions of organs closely associated with circulatory regulation, including the heart, liver, and kidneys. These alterations can be effectively captured by the APW signals acquired from the left meridian.
The right meridian belongs to Yang and governs qi, corresponds to the life gate of the lung and spleen, and is in charge of the ascending and descending of qi and metabolism (Zhang et al., 2019). The internal organs of the right-chi are the life gate and large intestine, and the correlation between the large intestine and blood pressure regulation is relatively weak (Zhong et al., 2019). From the perspective of gut microbiota etiology, although intestinal dysbiosis can influence systemic status through multiple pathways, the functions of the lung, spleen, and large intestine—corresponding to the right meridian—are more closely associated with the diffusion and descent of functional dynamics (qi movement) and the metabolism of water and nutrients, which only indirectly influence blood pressure. Therefore, the APW signals acquired from the right meridian are less capable of reflecting the direct vascular pathophysiological changes induced by gut microbiota dysbiosis.
5.2 Attention weight analysis
To explain the differences in individualized physiological and pathological characteristics in classification decisions, we randomly select a hypertensive sample and a non-hypertensive sample from the classification results and analyze the weights of APW signals under each pressure segment to results (Quan et al., 2024) (Figure 6).
Figure 6. Distribution of weights across pressure segments under 14 step-pressure gradients ranging from 10 to 140 mmHg at 10 mmHg intervals: (a) hypertensive sample, (b) non-hypertensive sample, and (c) inter-sample differences. In (a,b), a brighter color indicates a greater weight.
In the high-pressure range (110–140 mmHg), the weights of non-hypertensive samples are significantly higher than those of hypertensive samples. The vascular elasticity of non-hypertensive patients is so strong that their vessels can buffer pressure shock through effective dilation, allowing their APW signals to maintain relatively regular morphological characteristics even in the high-pressure segments. In contrast, hypertensive patients often experience arteriosclerosis and reduced vascular wall compliance, resulting in flattened APW signals in high-pressure segments. As a result, the model assigns greater attention to the high-pressure segments of non-hypertensive samples to capture the elastic response patterns of healthy blood vessels.
In the medium- and low-pressure range (110–140 mmHg), the attention weights for hypertensive samples are significantly higher than those of non-hypertensive samples, with the differences displaying a fluctuating distribution. These segments correspond to hemodynamic processes spanning from the systolic to the mid-diastolic phase of the cardiac cycle. Due to increased vascular resistance and elevated left ventricular afterload in hypertensive patients, their APW signals in this pressure range often display abnormal features. In contrast, APW signals of non-hypertensive patients in these segments are smoother in this pressure range, and the consistency of their physiological characteristics is higher. Therefore, the model emphasizes the medium- and low-pressure segments of hypertensive samples to capture waveform distortions related to the underlying pathophysiology of hypertension.
In the extremely low-pressure range (10–20 mmHg), non-hypertensive samples receive higher attention weights than hypertensive samples. These extremely low-pressure segments correspond to the microcirculation and venous return states. In non-hypertensive individuals, higher capillary bed openness and lower peripheral blood flow resistance allow their APW signals to reflect clear microcirculatory fluctuations even at very low pressures. By contrast, due to peripheral vascular constriction and endothelial dysfunction in hypertensive patients, their APW signals are prone to baseline drift or noise interference in the extremely low-pressure segment, resulting in the masking of effective physiological information. Therefore, the model pays enhanced attention to the extremely low-pressure segments of non-hypertensive samples to capture the differentiated features of health status under microcirculation and pays reduced attention to the extremely low-pressure segments of hypertensive samples to avoid the negative impact of noise interference on the classification results.
5.3 Grad-CAM analysis
Grad-CAM (Gradient-weighted Class Activation Mapping) is a visualization technique used to interpret the decisions of deep learning models by computing the gradient of the target class with respect to the last convolutional layer, generating a heatmap reflecting the regions of interest of the model, with higher-weighted regions contributing more to the prediction results.
We randomly select a hypertension sample and apply an improved Grad-CAM algorithm to generate time-frequency heatmaps under 14 pressure segments (Figure 7), along with the corresponding waveform. To validate the clinical significance of the waveform highlighted, we extract the waveform corresponding to the region with the highest activation in the heatmap and compare it with clinical waveform morphologies associated with hypertension (Nan et al., 2025; Hu et al., 2024). The results indicate that this waveform is located after the primary systolic peak and is highly consistent with the characteristic hypertensive waveform—the augmented reflection wave zone (Huang et al., 2018). The observed late-systolic peak in this region suggests early wave reflection due to increased arterial stiffness, which is a direct hemodynamic manifestation of increased left ventricular afterload. These findings support the clear clinical and pathological significance of the features identified by the model.
Figure 7. Waveforms and time-frequency heatmaps across 14 pressure segments for a hypertension sample. In the heatmaps, a brighter color indicates a greater weight. The region marked in red corresponds to the waveform with the highest activation in the heatmap.
6 Conclusion
We propose a 1DCNN-BiLSTM-Transformer model for pulse wave-based hypertension classification and validate it on the APW dataset from the Population Health Data Archive (PHDA). We conduct physiologically driven interpretable analysis by evaluating model performance across different collection points, demonstrating that APW can reflect pathophysiological features linked to gut microbiota dysbiosis. We also conduct model-driven interpretable analysis employing both attention weights and Grad-CAM analysis to offer a clinical decision-making basis.
In future work, we plan to leverage APW as a non-invasive tool to explore novel therapeutic strategies for the prevention and management of hypertension. Additionally, we plan to develop an edge-deployable hypertension classification system based on our proposed model.
Data availability statement
The datasets presented in this study can be found in online repositories. The names of the repository/repositories and accession number(s) can be found in the article/supplementary material.
Author contributions
YP: Conceptualization, Formal analysis, Methodology, Project administration, Supervision, Validation, Writing – original draft. LM: Conceptualization, Data curation, Formal analysis, Methodology, Software, Visualization, Writing – original draft. HZ: Data curation, Formal analysis, Methodology, Supervision, Validation, Writing – review & editing. JL: Data curation, Formal analysis, Methodology, Supervision, Validation, Writing – review & editing. JW: Conceptualization, Data curation, Formal analysis, Methodology, Project administration, Supervision, Validation, Writing – original draft.
Funding
The author(s) declare that financial support was received for the research and/or publication of this article. This work was supported by the National Natural Science Foundation of China (Grant No. 62172287).
Acknowledgments
The authors would like to thank the National Population Health Science Data Center and the National Science and Technology Infrastructure for providing the platform and services and the Institute of Microelectronics, Chinese Academy of Sciences for providing the “Pulse wave data of hypertensive and non-hypertensive populations” from the Population Health Data Archive (PHDA, https://www.ncmi.cn).
Conflict of interest
The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.
Generative AI statement
The author(s) declare that no Gen AI was used in the creation of this manuscript.
Any alternative text (alt text) provided alongside figures in this article has been generated by Frontiers with the support of artificial intelligence and reasonable efforts have been made to ensure accuracy, including review by the authors wherever possible. If you identify any issues, please contact us.
Publisher’s note
All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.
References
Abhay, T., Kayalvizhi, N., and Rolant, G.J. (2017). “Estimating correlation between arterial blood pressure and photoplethysmograph.” in The 16th international conference on biomedical engineering. Singapore: Springer. pp. 47–52.
Aguirre, N., Grall-Mas, E., Cymberknop, L. J., and Armentano, R. L. (2021). Blood pressure morphology assessment from photoplethysmogram and demographic information using deep learning with attention mechanism. Sensors 21:2167. doi: 10.3390/s21062167
Avolio, A. P., Butlin, M., and Walsh, A. (2009). Arterial blood pressure measurement and pulse wave analysis–their role in enhancing cardiovascular assessment. Physiol. Meas. 31:R1. doi: 10.1088/0967-3334/31/1/R01
De Nisio, A. D., De Palma, L. D., Ragolia, M. A., and Lanzolla, A. M. L. (2025). Performance comparison of machine learning algorithms for the estimation of blood pressure using photoplethysmography. Biomed. Signal Process. Control. 99:106838. doi: 10.1016/j.bspc.2024.106838
El-Hajj, C., and Kyriacou, P. A. (2021a). Cuffless blood pressure estimation from PPG signals and its derivatives using deep learning models. Biomed. Signal Process. Control. 70:102984. doi: 10.1016/j.bspc.2021.102984
El-Hajj, C., and Kyriacou, P. A. (2021b). Deep learning models for cuffless blood pressure monitoring from PPG signals using attention mechanism. Biomed. Signal Process. Control. 65:102301. doi: 10.1016/j.bspc.2020.102301
Feng, T., Peng, Y., and Wang, J. (2023). ISGS: a combinatorial modelling study for hysteresis effects. Electron. Lett. 51, 2504–2509. doi: 10.12263/DZXB.20220238
Geng, X.G. (2024). Data from: pulse wave data of hypertensive and non-hypertensive populations, population health data archive PHDA. Available online at: https://www.ncmi.cn (Accessed November 01, 2024).
Hu, D., Dong, Z., Liang, K., Yu, H., Wang, S., and Liu, X. (2024). High-order topology for deep single-cell multi-view fuzzy clustering. IEEE Trans. Fuzzy Syst. 32, 4448–4459. doi: 10.1109/TFUZZ.2024.3399740
Huang, X. J., Zhang, L., Xu, J. T., Liu, B. C., Wang, J. Y., Han, Y. L., et al. (2018). Pulse wave cycle features analysis of different blood pressure grades in the elderly. Evid. Based Complement. Alternat. Med. 2018:1976041. doi: 10.1155/2018/1976041
Hung, W.K., Sun, M.H., Lu, C.J., Chen, Y.X., and Lin, Y.D. (2025). “Continuous blood pressure estimation using PPG signals without cuff,” in International Conference on Biomedical and Health Informatics. Springer, Cham.
Ju, Y., Lam, K. M., Xie, W., Zhou, H., Dong, J., Shi, B., et al. (2024). Deep learning methods for calibrated photometric stereo and beyond. IEEE Trans. Pattern Anal. Mach. Intell. :46. doi: 10.1109/TPAMI.2024.3376532
Khodabakhshi, M. B., Eslamyeh, N., Sadredini, S. Z., and Ghamari, M. (2022). Cuffless blood pressure estimation using chaotic features of photoplethysmograms and parallel convolutional neural network. Comput. Methods Prog. Biomed. 226:107507. doi: 10.1016/j.cmpb.2022.107131
Kopsinis, Y., and McLaughlin, S. (2009). Development of EMD-based denoising methods inspired by wavelet thresholding. IEEE Trans. Signal Process. 57, 1351–1362. doi: 10.1109/TSP.2009.2013885
Lee, I., Park, N., Lee, H., Hwang, C., and Park, S. (2021). Systematic review on human skin-compatible wearable photoplethysmography sensors. Appl. Sci. 11:2313. doi: 10.3390/app11052313
Leitner, J., Chiang, P. H., and Dey, S. (2022). Personalized blood pressure estimation using photoplethysmography: a transfer learning approach. IEEE J. Biomed. Health Inform. 26, 218–228. doi: 10.1109/JBHI.2021.3085526
Liu, Z. (2021). Using CNN and HHT to predict blood pressure level based on photoplethysmography and its derivatives. Bios 11:120. doi: 10.3390/bios11040120
Liu, Z., Zhang, Y., and Zhou, C. (2024). BiGRU-attention for continuous blood pressure trends estimation through single channel PPG. Comput. Biol. Med. 168:107795. doi: 10.1016/j.compbiomed.2023.107795
Luo, Z. C., Zhang, S., and Yang, Y. M. (2006). Engineering analysis and clinical applications of pulse wave. Beijing, China: Science Press.
Martinez, M., Howard, N., Abbott, D., Lim, K., Ward, R., and Elgendi, M. (2018). Can photoplethysmography replace arterial blood pressure in the assessment of blood pressure. J. Clin. Med. 7:316. doi: 10.3390/jcm7100316
Nan, T., Zheng, S., Qiao, S., Quan, H., Gao, X., Niu, J., et al. (2025). Deep learning quantifies pathologists’ visual patterns for whole slide image diagnosis. Nat. Commun. 16:5493. doi: 10.1038/s41467-025-60307-1
Nuryani, N., Utomo, T. P., Wiyono, N., Sutomo, A. D., and Ling, S. (2023). Cuffless hypertension detection using swarm support vector machine utilizing photoplethysmogram and electrocardiogram. Shiraz Univ. Med. Sci. 1, 477–488. doi: 10.31661/jbpe.v0i0.2206-1504
Panwar, M., Gautam, A., Biswas, D., and Acharyya, A. (2020). PP-net: a deep learning framework for PPG-based blood pressure and heart rate estimation. IEEE Sensors J. 20, 10000–10011. doi: 10.1109/JSEN.2020.2990864
Peng, Y., Liu, Y., and Wang, J. (2024a). Comprehensive data optimization and risk prediction framework: machine learning methods for inflammatory bowel disease prediction based on the human gut microbiome data. Front. Microbiol. 15:1483084. doi: 10.3389/fmicb.2024.1483084
Peng, Y., Liu, Y., Wang, J., and Li, X. (2024b). A novel framework for risk warning that utilizes an improved generative adversarial network and categorical boosting. Electronics 13:1538. doi: 10.3390/electronics13081538
Polska, E., Simader, C., Weigert, G., Doelemeyer, A., Kolodjaschna, J., Scharmann, O., et al. (2007). Regulation of choroidal blood flow during combined changes in intraocular pressure and arterial blood pressure. Br. J. Pharmacol. 110, 1239–1247. doi: 10.1111/j.1476-5381.1993.tb13948.x
Qin, K., Huang, W., and Zhang, T. (2021). Deep generative model with domain adversarial training for predicting arterial blood pressure waveform from photoplethysmogram signal. Biomed. Signal Process. Control. 70:102972. doi: 10.1016/j.bspc.2021.102972
Quan, H., Li, X., Hu, D., Nan, T., and Cui, X. (2024). Dual-channel prototype network for few-shot pathology image classification. IEEE J. Biomed. Health Inform. 28, 4132–4144. doi: 10.1109/JBHI.2024.3386197
Schlesinger, O., Vigderhouse, N., Eytan, D., and Moshe, Y. (2020). “Blood pressure estimation from PPG signals using convolutional neural networks and siamese network. in 2020–2020 IEEE international conference on acoustics, speech and signal processing (ICASSP). Barcelona, Spain: IEEE, pp. 1135–1139.
Selvaraju, R. R., Cogswell, M., Das, A., Vedantam, R., Parikh, D., and Batra, D. (2020). Grad-cam: visual explanations from deep networks via gradient-based localization. Int. J. Comput. Vis. 128, 336–359. doi: 10.1007/s11263-019-01228-7
Shimazaki, S., Kawanaka, H., Ishikawa, H., Inoue, K., and Oguri, K. (2019). “Cuffless blood pressure estimation from only the waveform of Photoplethysmography using CNN.” in 2019 41st Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC). IEEE, pp. 5042–5045.
Shoaib, M., Rafi, A., and Hasan, M. K. (2025). Domain knowledge integrated CNN-XLSTM-XATT network with multi stream feature fusion for cuffless blood pressure estimation from photoplethysmography signals. Expert Syst. Appl. 286:127994. doi: 10.1016/j.eswa.2025.127994
Sun, Q. C., Chen, H. G., Zhang, H. X., Wang, P., and Qi, X. H. (2016). Correlation analysis between pulse wave parameters and blood pressure variability in hypertensive patients. Shaanxi J. Tradition. Chin. Med. 37:2. doi: CNKI:SUN:SXZY.0.2016-07-029
Tian, Z., Liu, A., Zhu, G., and Chen, X. (2025). A paralleled CNN and transformer network for PPG-based cuff-less blood pressure estimation. Biomed. Signal Process. Control. 99:106741. doi: 10.1016/j.bspc.2024.106741
Townsend, M. K., Aschard, H., De Vivo, I., Michels, K. B., and Kraft, P. (2016). Genomics, telomere length, epigenetics, and metabolomics in the nurses’ health studies. Am. J. Public Health 106, 1663–1668. doi: 10.2105/AJPH.2016.303344
Vaswani, A., Shazeer, N., Parmar, N., Uszkoreit, J., Jones, L., Gomez, A. N., et al. (2017). Attention is all you need. Adv. Neural Inf. Proces. Syst. arXiv. doi: 10.48550/arXiv.1706.03762
Wang, C., Yang, F., Yuan, X., Zhang, Y., Chang, K., and Li, Z. (2020). “An end-to-end neural network model for blood pressure estimation using PPG signal,” in Proceedings of the International Conference on Artificial Intelligence in China. Singapore: Springer. pp. 262–272.
Wei, S. C., Zhang, L. X., Zheng, X. Y., Xue, F. L., Luo, J. W., Guo, M. M., et al. (2015). Correlation study on pulse wave parameters and blood pressure variability in hypertensive patients. Clin. J. Chin. Med. 7:6. doi: CNKI:SUN:ZYLY.0.2015-30-016
Yan, C., Li, Z., Zhao, W., Hu, J., Jia, D., Wang, H., et al. (2019). “Novel deep convolutional neural network for cuff-less blood pressure measurement using ECG and PPG signals. in 2019 41st Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC). Berlin, Germany: IEEE, pp. 1917–1920.
Yu, Y., Zhu, J., Fu, R., Guo, L., Chen, T., Xu, Z., et al. (2024). Unique intestinal microflora and metabolic profile in different stages of hypertension reveal potential biomarkers for early diagnosis and prognosis, Journal of Medical Microbiology, 73:001839. doi: 10.1099/jmm.0.001839
Zhang, G., Choi, D., and Jung, J. (2023). Development of continuous cuffless blood pressure prediction platform using enhanced 1-D SENet–LSTM. Expert Syst. Appl. 242:122800. doi: 10.1016/j.eswa.2023.122800
Zhang, J., Lin, J.L., Li, X.L., and Wang, W.Q. (2016). “ECG signals denoising method based on improved wavelet threshold algorithm,” in 2016 IEEE International Conference on Mechatronics and Control (IMCEC). IEEE.
Zhang, Y. Q., Wang, Y. Q., Dong, Y. R., Yan, H. X., Xu, W. J., Guo, R., et al. (2019). Study on the characteristics of pulse information in hypertension. Lishizhen Med. Mater. Med. Res. 30:3. doi: CNKI:SUN:SZGY.0.2019-01-074
Zhang, C., Wang, W., Song, X., Lin, Y., Chen, Y., and Ding, X. (2024). Continual learning for cuffless blood pressure estimation. Biomed. Signal Process. Control. 92:106087. doi: 10.1016/j.bspc.2024.106087
Keywords: arterial pressure waveform, hypertension, gastrointestinal microbiome, CNN, RNN, transformer
Citation: Peng Y, Ma L, Zhou H, Li J and Wang J (2025) 1DCNN-BiLSTM-transformer hypertension risk prediction model based on APW. Front. Microbiol. 16:1714654. doi: 10.3389/fmicb.2025.1714654
Edited by:
Jinghua Zhang, Hohai University, ChinaReviewed by:
Lipo Mo, Beijing Wuzi University, ChinaAihua Li, Central University of Finance and Economics, China
Junhao Shen, Nvidia, United States
Copyright © 2025 Peng, Ma, Zhou, Li and Wang. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.
*Correspondence: Jie Wang, d2FuZ2ppZUBjbnUuZWR1LmNu
Yan Peng1