
95% of researchers rate our articles as excellent or good
Learn more about the work of our research integrity team to safeguard the quality of each article we publish.
Find out more
ORIGINAL RESEARCH article
Front. Physiol. , 01 April 2025
Sec. Computational Physiology and Medicine
Volume 16 - 2025 | https://doi.org/10.3389/fphys.2025.1584299
Objective: This study aims to develop a multimodal deep learning-based stress detection method (MMFD-SD) using intermittently collected physiological signals from wearable devices, including accelerometer data, electrodermal activity (EDA), heart rate (HR), and skin temperature. Given the unique demands and high-intensity work environment of the nursing profession, stress measurement in nurses serves as a representative case, reflecting stress levels in other high-pressure occupations.
Methods: We propose a multimodal deep learning framework that integrates time-domain and frequency-domain features for stress detection. To enhance model robustness and generalization, data augmentation techniques such as sliding window and jittering are applied. Feature extraction includes statistical features derived from raw time-domain signals and frequency-domain features obtained via Fast Fourier Transform (FFT). A customized deep learning architecture employs convolutional neural networks (CNNs) to process time-domain and frequency-domain features separately, followed by fully connected layers for final classification. To address class imbalance, the Synthetic Minority Over-sampling Technique (SMOTE) is utilized. The model is trained and evaluated on a multimodal physiological signal dataset with stress level labels.
Results: Experimental results demonstrate that the MMFD-SD method achieves outstanding performance in stress detection, with an accuracy of 91.00% and an F1-score of 0.91. Compared to traditional machine learning classifiers such as logistic regression, random forest, and XGBoost, the proposed method significantly improves both accuracy and robustness. Ablation studies reveal that the integration of time-domain and frequency-domain features plays a crucial role in enhancing model performance. Additionally, sensitivity analysis confirms the model’s stability and adaptability across different hyperparameter settings.
Conclusion: The proposed MMFD-SD model provides an accurate and robust stress detection approach by integrating time-domain and frequency-domain features. Designed for occupational environments with intermittent data collection, it effectively addresses real-world stress monitoring challenges. Future research can explore the fusion of additional modalities, real-time stress detection, and improvements in model generalization to enhance its practical applicability.
In the fast-paced modern world, stress has emerged as a pervasive and significant health concern, affecting individuals across all walks of life. The World Health Organization has declared stress a global epidemic, with its impacts ranging from decreased productivity and quality of life to severe physical and mental health issues. As awareness of these detrimental effects grows, so does the need for accurate, real-time stress detection methods that can facilitate timely interventions and support effective stress management strategies.
Traditional approaches to stress assessment have largely relied on self-reports and occasional clinical evaluations. However, these methods are limited by their subjective nature, infrequency, and inability to capture real-time stress fluctuations. The advent of wearable technology has opened new avenues for continuous, objective stress monitoring through the measurement of various physiological signals (Ceren Ates et al., 2024; Mozos et al., 2016). These devices can capture a wealth of data, including heart rate variability, electrodermal activity, skin temperature, and accelerometer data, providing a more comprehensive picture of an individual’s physiological state.
Despite this technological advancement, the challenge of accurately interpreting these multi-modal physiological signals to detect stress remains significant. Early attempts at physiological stress detection often focused on single-modal approaches, utilizing individual biomarkers such as heart rate or skin conductance. While these methods showed promise, they failed to capture the complex, multi-faceted nature of the human stress response (Gedam and Paul, 2021; Delmastro et al., 2020). More recent studies have explored multi-modal approaches, combining data from various physiological signals to improve detection accuracy. However, many of these methods still rely heavily on time-domain features, potentially overlooking valuable information contained in the frequency domain of these signals (Zhao et al., 2024).
The integration of machine learning techniques, particularly deep learning, has shown great potential in improving stress detection accuracy (Rogerson et al., 2023). CNNs and Recurrent Neural Networks (RNNs) have been successfully applied to time-series physiological data, demonstrating their ability to capture complex patterns and relationships. However, the majority of these approaches still primarily focus on time-domain features, leaving the rich information in the frequency domain largely unexplored.
An important consideration in stress detection research, particularly in occupational settings such as healthcare, is the intermittent nature of data collection. Wearable sensors typically collect data during work hours but not during rest periods. This intermittent data collection reflects the reality of work-life balance and presents both challenges and opportunities for stress detection algorithms (Kyriakou et al., 2019). On one hand, it necessitates robust methods that can handle gaps in data collection. On the other hand, it focuses the analysis on periods when occupational stress is most likely to occur, potentially increasing the relevance of the collected data (Smets et al., 2018).
In this context, the nursing profession serves as a particularly illustrative example of occupational stress measurement. Due to the unique demands, high work intensity, and often challenging environments nurses face, their stress measurement is not only significant but also representative of stress levels in other high-pressure occupations. Thus, this study specifically targets stress detection in nurses as a focal point for research.
To address these challenges, this study proposes a novel multi-modal deep learning approach for stress detection using physiological signals. The method integrates both time and frequency domain features extracted from various physiological signals, including accelerometer data (X, Y, Z), EDA, HR, and TEMP (Ceren Ates et al., 2024). By combining these diverse data sources and feature types, the aim is to capture a more comprehensive representation of the stress response.
The approach leverages advanced signal processing techniques, including FFT, to extract rich spectral features from the physiological signals. These frequency-domain features are then combined with traditional time-domain features to provide a holistic view of the physiological data. To process this multi-modal data effectively, a custom deep learning architecture is designed that employs parallel CNNs to separately handle the time-domain and frequency-domain features before merging them for final classification.
Specifically, the method involves several key steps. First, the raw physiological signals are preprocessed to remove noise. Then, a comprehensive set of time-domain features is extracted, including statistical measures such as mean, standard deviation, and percentiles, as well as physiological-specific features like heart rate variability measures. In parallel, FFT is applied to the signals to obtain their frequency-domain representations, from which spectral features such as power in different frequency bands are extracted.
These extracted features are then fed into the custom CNNs architecture. The architecture consists of two parallel CNNs branches: one for time-domain features and another for frequency-domain features. Each branch contains multiple convolutional layers followed by pooling layers to learn hierarchical representations of the features. The outputs of these parallel branches are then concatenated and passed through fully connected layers for final stress classification.
The main contributions of this work are summarized as follows:
Our approach uniquely combines both time and frequency domain features from multiple physiological signals (accelerometer, EDA, HR, and TEMP) through a novel parallel CNN architecture. This dual-domain processing strategy allows for capturing complementary stress manifestations that might be missed in traditional single-domain approaches.
While individual components like FFT and CNN are established techniques, our implementation innovatively combines them in parallel pathways to process different feature types. This architectural design enables simultaneous analysis of both instantaneous physiological responses (time-domain) and rhythmic patterns (frequency-domain) in stress manifestations.
Our methodology specifically addresses the challenges of intermittent data collection in occupational settings - a crucial real-world constraint often overlooked in conventional approaches. The model’s design accommodates the discontinuous nature of workplace physiological monitoring through specialized data segmentation and augmentation techniques.
The proposed architecture is specifically designed for stress detection, featuring parallel CNNs that process time and frequency domain features independently before merger. This design differs from conventional approaches by allowing each domain to be processed optimally before integration.
Our method uniquely integrates multiple physiological signals while maintaining their individual characteristics through separate processing pathways, rather than simple concatenation used in conventional approaches.
This comprehensive set of contributions positions this work as a significant advancement in the field of physiological stress detection, offering a more accurate and adaptable approach to this critical health monitoring task. The multi-modal deep learning method addresses key challenges in the field and opens new avenues for research in stress detection and overall wellbeing enhancement, particularly in occupational settings where continuous monitoring is not feasible or practical.
Wearable devices coupled with machine learning techniques have emerged as powerful tools for stress detection, offering continuous, non-invasive monitoring capabilities in real-world environments. A comprehensive review highlighted the significance of physiological indicators, including heart rate variability (HRV), skin temperature, and EDA in stress detection (Gedam and Paul, 2021). This work emphasized the crucial role of both time-domain and frequency-domain analyses for precise stress monitoring. However, existing studies often focus on either time-domain or frequency-domain features separately, limiting their ability to fully capture stress-related physiological variations. Subsequently, a systematic review presented generalizable machine learning models for stress monitoring, addressing critical challenges such as dataset transferability and model robustness across diverse populations (Vos et al., 2023). While these models improve generalizability, they often overlook the challenges posed by intermittent data collection in real-world occupational settings.
Recent advances in predictive modeling have demonstrated the effectiveness of integrating multiple data sources. Comparative studies examining various stress prediction models that combine smartwatch physiological signals with self-reported measures revealed enhanced predictive performance through this dual-source approach (Dai et al., 2021). Nevertheless, reliance on self-reported data introduces subjectivity, which may affect model reliability and applicability in real-time monitoring. In parallel, research introduced an explainable deep learning framework for stress detection using wearable sensor data, providing crucial transparency in model interpretation for healthcare applications (Moser et al., 2024). Although explainability improves trust in deep learning models, further enhancements are needed to balance interpretability with predictive accuracy. Furthermore, investigations into autoencoder-based approaches demonstrated the effectiveness of temporal feature extraction from wearables for forecasting both stress and mood, highlighting the potential of unsupervised learning methods in personalized health monitoring (Li and Sano, 2020). Despite their success, autoencoder-based methods often require extensive tuning and may struggle with diverse physiological patterns in occupational stress scenarios.
Recent sensor-based methods have advanced stress detection by integrating new data modalities. For example, magnetostrictive polymer composites (MPCs) using UV-curable epoxy resin demonstrated reliable stress detection through changes in magnetic flux, offering potential to refine stress monitoring systems by augmenting time and frequency domain features (Paul et al., 2024). While this approach showcases novel sensor technology, its practicality for widespread wearable integration remains uncertain.
Furthermore, deep learning advancements in sensor-based recognition have enabled automatic feature extraction across complex physiological signals, addressing challenges such as unsupervised and incremental learning. These frameworks improve adaptability and interpretability, enhancing stress detection in varied real-world contexts (Wang et al., 2019). However, many existing models lack mechanisms to effectively integrate multi-modal data, limiting their ability to capture stress responses comprehensively.
The role of specific physiological parameters in stress detection has been extensively investigated. Novel methods for mental stress assessment using HRV derived from electrocardiogram (ECG) signals demonstrated high precision in stress quantification (Saini and Gupta, 2024). Despite their accuracy, ECG-based approaches often require specialized sensors, reducing feasibility for daily wear. Additionally, pilot studies contributed to the field through the introduction of the Stress-Predict dataset, establishing a robust foundation for developing and validating stress prediction algorithms across diverse conditions (Iqbal et al., 2022). While valuable for benchmarking, these datasets may not fully represent stress variability in high-intensity professional settings. Research into the feasibility of combining wearable and self-reported measures in controlled lab environments has illuminated both the potential and limitations of deploying these techniques in real-world applications (Aristizabal et al., 2021). Yet, stress assessment in controlled environments may not directly translate to occupational settings where intermittent data collection is a major challenge.
In professional environments, research explored embedded devices for continuous stress monitoring, providing valuable insights into wearable adaptation for demanding workplace settings (Kafková et al., 2024). However, many existing workplace monitoring solutions require high data availability, which is not always feasible in dynamic job roles such as nursing. These findings suggest practical applications for occupational health programs. Complementing this work, investigations into EEG-based brain-computer interfaces for stress detection presented an innovative approach that combines neural indicators with physiological data for comprehensive stress assessment (Premchand et al., 2024). Despite their novelty, EEG-based systems are often intrusive and less practical for long-term stress tracking in daily occupational settings. Real-time prediction models designed for integrating wearable devices into daily life further highlight the practical aspects of these systems (Lazarou and Exarchos, 2024). Nevertheless, most real-time models struggle with handling missing or intermittently collected data, a crucial issue in professional environments.
Recent research has increasingly focused on personalization in stress monitoring solutions. Extensive investigations into wearable-based stress detection in semi-controlled settings identified both opportunities and limitations of current technology (Saini and Gupta, 2024). However, achieving a balance between generalization and personalization remains a challenge in real-world applications. Furthermore, studies proposed generalizable machine learning approaches addressing feature extraction and model generalization across various contexts, enhancing the versatility of stress monitoring systems (Vos et al., 2023). Yet, many approaches still struggle with effectively integrating frequency-domain features, which are essential for capturing stress-related signal variations. Additional research focused on leveraging biosignals for personalized stress detection, demonstrating the efficacy of individual physiological patterns for enhancing predictive accuracy (Bolpagni et al., 2024). However, ensuring model adaptability across different individuals and work environments remains an open problem. Recent developments in real-time physiological data analysis have further advanced personalized stress detection models, facilitating both immediate interventions and longitudinal stress tracking (Ceren Ates et al., 2024). Despite these advances, a unified framework that effectively integrates multi-modal signals for stress detection under real-world intermittent data conditions is still lacking.
Despite these advancements, there remains a need for approaches that effectively integrate both time and frequency domain features from multiple physiological signals within a unified deep learning framework, particularly in the context of intermittent data collection in occupational settings. The current study aims to address this gap by developing a novel multi-modal approach that leverages the strengths of both time and frequency domains for more accurate and robust stress detection. The proposed MMFD-SD model is designed to be flexible and generalizable, capable of handling the challenges of intermittent data collection and varying stress manifestations across different contexts. Utilizing a dataset collected from nurses demonstrates the model’s effectiveness in a high-stress environment; however, the underlying principles and architecture are designed to be applicable across a wide range of occupational and everyday settings.
The proposed approach for stress detection leverages a multi-modal deep learning framework that integrates both time and frequency domain features extracted from various physiological signals. The system processes four types of physiological data: accelerometer data (X, Y, Z), EDA, HR, and TEMP. The overall process can be broken down into several key stages: data preprocessing, feature extraction, and deep learning-based classification.
An essential component of this methodology is its acknowledgment of the sporadic nature of wearable sensor data acquisition in occupational environments. This trait is prevalent across multiple industries in the examination of work-related stress, as data is generally gathered during working hours, excluding off-hours or rest periods. Constant 24/7 surveillance is frequently unfeasible or superfluous. The approach is designed to accommodate this intermittent data collection pattern, making it adaptable and applicable to a wide range of occupational stress studies.
In the preprocessing stage, raw physiological signals are cleaned and normalized to remove noise, ensuring data quality for subsequent analysis. Following this, the approach employs a dual-stream feature extraction process. In one stream, a comprehensive set of time-domain features is extracted, including statistical measures and physiological-specific indicators. Concurrently, FFT is applied to the signals, deriving frequency-domain representations from which spectral features are extracted.
The core of this method lies in a custom-designed deep learning architecture that effectively handles this multi-modal data. The architecture consists of two parallel CNN branches: one dedicated to processing time-domain features, and another for frequency-domain features. Each branch is tailored to capture the unique characteristics of its respective domain.
The time-domain CNN branch is designed to learn temporal patterns and relationships within the physiological signals. Similarly, the frequency-domain CNN branch is optimized to identify spectral patterns that may be indicative of stress states. The outputs from these parallel CNN branches are then concatenated, creating a unified representation that encapsulates both temporal and spectral aspects of the physiological data.
This combined representation is then fed into fully connected layers, which perform the final stress classification. By leveraging both time and frequency domain information, the model aims to capture a more comprehensive view of the stress response, potentially leading to more accurate and robust stress detection.
This approach addresses several key challenges in physiological stress detection. By incorporating both time and frequency domain features, it captures a more complete representation of the stress response. The use of parallel CNN branches allows for specialized processing of different feature types, while the subsequent fusion enables the model to leverage complementary information from both domains. Furthermore, by considering the practical constraints of data collection in work environments and designing an algorithm that can effectively process such data, this approach offers a robust and widely applicable solution for stress detection. This adaptability enhances the potential for the method to be used in diverse occupational settings, contributing to broader applications in workplace wellness and stress management.
To handle the discontinuous nature of workplace data collection, a time-based segmentation algorithm is implemented. This algorithm identifies distinct work sessions within the continuous stream of data by analyzing the time intervals between consecutive data points. Let
where
To address potential class imbalance and increase the robustness of the model, two data augmentation techniques are employed:
a) Sliding Window: Overlapping segments are generated using a sliding window approach (Gaur et al., 2021; Hou et al., 2022). For a window of size w and step size s, new segments
where
b) Jittering: Gaussian noise is added to the original data to create slightly perturbed versions (Borghi et al., 2021):
where
Two types of features are extracted from each data segment:
a) Time-domain Features: For each physiological signal (X, Y, Z accelerometer axes, EDA, HR, TEMP), statistical measures are computed:
Mean:
Standard Deviation:
b) Frequency-domain Features: FFT is applied to each signal:
where k = 0, N-1,
To ensure all features are on a comparable scale, standardization is applied:
where
To address potential class imbalance, the SMOTE is employed (Wang et al., 2021; Wongvorachan et al., 2023). SMOTE generates synthetic examples in the feature space:
where
This comprehensive preprocessing approach ensures that the subsequent stress detection model is trained on a rich, balanced, and representative dataset. By segmenting the data, augmenting it with realistic variations, extracting both time and frequency domain features, and addressing class imbalance, a robust foundation for accurate stress detection in occupational settings is established.
The proposed multi-modal deep learning architecture for stress detection leverages both time-domain and frequency-domain features extracted from physiological signals. The architecture consists of three main components: a time-domain CNN branch, a frequency-domain CNN branch, and a feature fusion and classification module. Figure 1 illustrates the overall structure of the proposed model.
The architecture is designed to process input tensors
The time-domain CNN branch is designed to capture temporal patterns and local dependencies in the physiological signals. It consists of a series of 1D convolutional layers, each followed by batch normalization, ReLU activation, and max pooling operations.
The l-th convolutional layer can be described by the following equation:
where H_l is the output of the l-th layer, Conv1D() is the 1D convolution operation, BN() is batch normalization, ReLU() is the rectified linear unit activation function, and Pool () is the max pooling operation. W_l and b_l are the weights and biases of the l-th convolutional layer, respectively.
The final layer of this branch employs global average pooling to produce a fixed-size feature vector:
where GAP() denotes the global average pooling operation, and L is the index of the final convolutional layer.
The frequency-domain CNN branch is structured similarly to the time-domain branch but is optimized for processing spectral information. It operates on the frequency-domain representations of the physiological signals, capturing spectral patterns and frequency-based characteristics.
The mathematical formulation for this branch is analogous to the time-domain branch, with the input being the frequency-domain features X_f instead of X_t.
The feature fusion and classification module combines the outputs from both CNN branches and performs the final classification. This module can be described by the following equations:
where:
concat (z_t, z_f) denotes the concatenation of the time-domain feature vector z_t and the frequency-domain feature vector z_f along the feature dimension. If
K is the number of classes.
The key innovation in this architecture lies in its ability to simultaneously process and integrate information from both time and frequency domains. This multi-modal approach allows the model to capture a more comprehensive representation of the physiological signals, leading to improved stress detection accuracy.
The parallel CNN branches are designed to extract complementary features: the time-domain branch captures temporal dynamics and trends, while the frequency-domain branch identifies spectral characteristics that may be indicative of stress responses. The subsequent feature fusion enables the model to leverage these complementary representations, allowing for a more nuanced understanding of the complex physiological manifestations of stress.
Furthermore, the use of batch normalization and dropout in both CNN branches helps to stabilize training and prevent overfitting, which is crucial when dealing with the high variability often present in physiological data collected in real-world occupational settings.
The global average pooling layers serve a dual purpose: they reduce the spatial dimensions of the feature maps to a fixed size, regardless of the input dimensions, and they act as a form of structural regularization, encouraging the convolutional filters to produce more informative feature maps.
In summary, this multi-modal deep learning architecture represents a sophisticated approach to stress detection, leveraging advanced deep learning techniques to process and integrate complex physiological data. By combining time-domain and frequency-domain analyses within a unified framework, the model is well-equipped to capture the multifaceted nature of stress responses in occupational environments.
The training process of the MMFD-SD architecture is crucial for achieving optimal performance in stress detection. A comprehensive approach to model training is employed, carefully considering the loss function, optimization algorithm, hyperparameter tuning, and regularization techniques.
Bayesian optimization is employed for hyperparameter tuning, which models the hyperparameter-to-metric function and attempts to find its optimum (Alibrahim and Ludwig, 2021; Victoria and Maragatham, 2020). The acquisition function used in the Bayesian optimization is the Expected Improvement (EI):
where
By combining these advanced training techniques and carefully tuning the model, robust and generalizable performance in stress detection across various occupational settings can be achieved. The multi-modal nature of the architecture, coupled with these sophisticated training approaches, allows for effective capture of the complex patterns in physiological data associated with stress responses.
The experiments were conducted using the Nurse Stress Prediction Wearable Sensors dataset, derived from the WESAD dataset, which contains physiological measurements collected from 15 nurses during their hospital work shifts in a real-world clinical environment (Hosseini et al., 2022; Hosseini et al., 2021). The dataset encompasses data recorded using the Empatica E4 wristband, a widely used wearable device for physiological monitoring. Stress levels in the dataset are categorized as Low, Medium, or High, allowing for a granular analysis of stress variations in an occupational setting.
The dataset consists of multi-modal physiological signals, including electrodermal activity (EDA), heart rate (HR), skin temperature (TEMP), and accelerometer data (X, Y, Z-axes). The sampling frequencies for these signals vary, with EDA recorded at 4 Hz, HR at 1 Hz, TEMP at 4 Hz, and accelerometer data at 32 Hz. Table 1 below provides a detailed breakdown of the collected signals and their corresponding sampling rates.
The dataset used in this study, while robust for occupational stress research, has limitations. First, it consists of data from a relatively small sample of nurses, which may not fully capture the variability in stress responses across different individuals and work conditions. Second, wearable sensor data is subject to noise, missing values, and artifacts due to movement or device positioning, which can impact signal quality. Addressing these constraints in future work by incorporating larger, more diverse datasets and advanced signal preprocessing techniques would enhance model robustness.
The physiological data were collected using the Empatica E4 wristband worn on the non-dominant wrist of each participant throughout their work shifts. The stress labels (Low, Medium, High) were assigned based on self-reported stress levels and physiological indicators, validated through prior methodologies established in occupational stress research.
This dataset provides a robust foundation for developing and evaluating the MMFD-SD model in real-world healthcare settings, as it captures the dynamic and high-stress nature of the nursing profession. By integrating detailed demographic information and real-world stress measurements, this dataset ensures model generalizability and enhances the applicability of stress detection frameworks in occupational health monitoring.
The data preprocessing stage involved several key steps to enhance data quality and prepare it for model training. The collected physiological signals were first segmented into 60-s windows with 50% overlap to create consistent data samples. Each physiological signal underwent min-max scaling for normalization. Following the preprocessing steps described earlier, the data underwent time-based segmentation using a 15-min threshold to identify distinct work sessions, data augmentation through sliding windows and Gaussian jittering, and feature extraction in both time and frequency domains (Alqudah and Alqudah, 2019; Xie et al., 2020). Finally, the SMOTE technique was applied to address class imbalance, resulting in a balanced and representative dataset suitable for stress detection modeling.
The proposed MMFD-SD algorithm presents a comprehensive deep learning approach for stress detection using multi-modal physiological signals. The algorithm processes both time-domain and frequency-domain features through parallel CNN branches, each consisting of multiple convolutional layers with batch normalization, ReLU activation, and max pooling operations (Fu et al., 2022). The extracted features are then concatenated and fed into a fusion classifier comprising fully connected layers for final stress level classification. The training process utilizes mini-batch gradient descent with early stopping, incorporating cross-entropy loss and L2 regularization to prevent overfitting. The algorithm’s modular structure allows for efficient processing of different signal modalities while maintaining end-to-end training capabilities. The detailed implementation of the algorithm is presented in Algorithm 1 below.
The model’s performance was evaluated using the following metrics:
where TP = True Positives, TN = True Negatives, FP = False Positives, FN = False Negatives.
This section provides a comprehensive analysis of the MMFD-SD’s performance, including baseline experiments, ablation studies, and sensitivity analyses. Baseline experiments establish the model’s accuracy and robustness by comparing it with various stress detection algorithms, including traditional machine learning classifiers. Ablation studies offer insight into the contribution of individual components, such as the time-domain and frequency-domain branches, by incrementally removing modules. Sensitivity analysis focuses on evaluating the effect of hyperparameters on model performance, aiming to determine optimal settings while validating the model’s stability and adaptability across different configurations.
Several baseline models, including Logistic Regression, Naive Bayes, Random Forest, Decision Tree, K-Nearest Neighbors (KNeighbors), AdaBoost, and XGBoost was conducted. These models were selected due to their prevalent use and effectiveness in various classification tasks.
The performance of each model was assessed using multiple metrics: accuracy, precision, recall, and F1-score. The results are compared to the performance of the MMFD-SD model, which serves as a benchmark for evaluating the effectiveness of the baseline approaches. The detailed results are summarized in the Table 2 below.
Logistic Regression achieved an accuracy of 74.19%, demonstrating its capability for linear decision boundaries. Naive Bayes performed similarly, with an accuracy of 73.74%, reflecting its efficiency in handling categorical data and independence assumptions.
Random Forest yielded a lower accuracy of 63.36%, indicating that the model may not have effectively captured the underlying patterns in this dataset. In contrast, the Decision Tree model displayed an accuracy of 57.00%, suggesting that its tendency to overfit may have impacted its generalizability.
The K-Nearest Neighbors classifier achieved an accuracy of 59.01%, while AdaBoost showed improved performance with an accuracy of 68.51%. XGBoost, known for its scalability and performance, obtained an accuracy of 64.83%.
In stark contrast, the proposed model, MMFD-SD, significantly outperformed all baseline models, achieving an accuracy of 91.00%. This substantial improvement underscores the effectiveness of the MMFD-SD approach in achieving higher predictive performance.
The performance metrics are illustrated in the accompanying bar chart, which visually represents the comparative analysis of each model’s accuracy, precision, recall, and F1-score. The chart distinctly separates the metrics, allowing for a clear interpretation of each model’s strengths and weaknesses. The MMFD-SD model stands out prominently across all metrics, achieving the highest scores and highlighting its superiority compared to the baseline models. The overall trends depicted in the chart indicate the varying effectiveness of the baseline models, with MMFD-SD significantly surpassing them in all evaluated aspects. The results are summarized in the following Figure 2.
In the ablation studies, the impact of individual feature domains on the performance of the MMFD-SD is analyzed by evaluating two variant models: the No-Freq Model, which excludes frequency-domain features, and the No-Time Model, which excludes time-domain features. These variations are compared against the original model, which integrates both feature domains. The results of this comparison provide insights into the contribution of each feature type, demonstrating how each domain affects overall classification accuracy, precision, recall, and F1-score in stress detection. This analysis aims to determine the relative importance of each feature set and validate the advantages of multimodal feature integration in the MMFD-SD model.
The classification report for the No-Freq Model indicates its performance in detecting stress levels without utilizing frequency-domain features. The precision, recall, and F1-score metrics for each stress level demonstrate that this model achieves a precision of 0.79 for Class 0, 0.85 for Class 1, and 0.84 for Class 2, with a notable recall of 0.87 for Class 0 but a lower recall of 0.70 for Class 2. The overall accuracy of the model stands at 0.83, reflecting its capability to classify stress levels adequately, albeit with some limitations, especially for Class 2. The macro averages are 0.83 for precision and recall, and 0.82 for F1-score, suggesting a relatively balanced performance, with potential areas for improvement in classification accuracy for Class 2 as shown in Table 3.
The classification report for the No-Time Model provides an evaluation of the model’s performance when excluding time-domain features. This model exhibits improved precision and recall metrics compared to the No-Freq Model, with precision scores of 0.86 for Class 0, 0.88 for Class 1, and 0.89 for Class 2. The recall rates also show significant improvement, reaching 0.88 for Class 0 and 0.96 for Class 1, with a slightly lower recall of 0.80 for Class 2. The overall accuracy of 0.88 indicates that the model effectively classifies stress levels, particularly excelling in distinguishing between Classes 0 and 1. The macro averages of 0.88 across precision, recall, and F1-score confirm the robustness of this model, highlighting its effectiveness in stress detection despite the absence of time-domain features as shown in Table 4.
The classification report for the MMFD-SD Model illustrates its superior performance in stress detection by integrating both time and frequency-domain features. The precision scores are notably high, with 0.89 for Class 0, 0.94 for Class 1, and 0.91 for Class 2, indicating effective classification across all stress levels. The recall metrics also reflect strong performance, achieving 0.92 for Class 0, 0.95 for Class 1, and 0.87 for Class 2, resulting in a balanced F1-score of 0.91 for each class. The overall accuracy of the model is 0.91, underscoring its capability to accurately classify stress levels. The macro averages of 0.91 across precision, recall, and F1-score highlight the effectiveness of the MMFD-SD model, confirming its robustness and adaptability in stress detection tasks as shown in Table 5.
The confusion matrices displayed in the accompanying Figure 3 illustrate the classification performance of three models: the MMFD-SD Model, the No-Freq Model, and the No-Time Model. Each matrix presents the percentage of predictions across three stress levels (Class 0, Class 1, and Class 2).
Figure 3. Comparison of confusion matrices for different models. (a) No-Freq Model - Confusion Matrix; (b) No-Time Model - Confusion Matrix; (c) MMFD-SD Model - Confusion Matrix.
The MMFD-SD Model demonstrates superior performance, with high true positive rates for all classes, indicating effective differentiation between stress levels. In contrast, the No-Freq Model shows a decline in classification accuracy, particularly for Class 2, where misclassifications are more prevalent. Similarly, the No-Time Model reveals further limitations, with a notable increase in false positive rates across all classes.
Overall, the visual comparison underscores the importance of integrating both time and frequency-domain features in achieving optimal stress detection performance. The percentages reflect how well each model can classify the stress levels, emphasizing the advantages of the multimodal approach employed by the MMFD-SD Model.
Figure 4 presents the validation loss and accuracy across 50 training epochs for three models: the No-Ferq Model, the No-time Model, and the MMFD-SD Model.
When only time-domain features were utilized, the model exhibited moderate performance. The validation accuracy plateaued at 83%, with the loss showing gradual improvement but remaining higher than other models.
The No-time Model solely employed frequency-domain features, showed better performance compared to the No-Ferq Model. The validation accuracy reached around 88%, and the loss consistently declined, reflecting improved generalization.
The MMFD-SD Model integrating both time- and frequency-domain features, this model achieved the best results. It consistently outperformed the other two models in validation accuracy, surpassing 90%, while maintaining the lowest validation loss across all epochs.
The results highlight the critical role of feature integration in enhancing model performance. The MMFD-SD Model, leveraging both feature domains, demonstrates superior accuracy and stability, affirming the effectiveness of a multi-modal approach for stress detection.
The sensitivity analysis of hyperparameters was conducted to evaluate the impact of varying learning rates, dropout rates, and batch sizes on the model’s performance. The experiments involved combinations of three learning rates (0.001, 0.0001, and 1e-05), three dropout rates (0.3, 0.5, and 0.7), and three batch sizes (32, 64, and 128). To ensure a comprehensive assessment, each configuration was trained for a fixed number of epochs (50 epochs) using the Adam optimizer, which is known for its adaptive learning rate capabilities. The selection of these hyperparameters was based on prior research in deep learning-based physiological signal processing, ensuring relevance to stress detection tasks. For the optimization process, a grid search approach was employed to systematically evaluate all possible combinations of the selected hyperparameters. Each model configuration was trained on 80% of the dataset and validated on the remaining 20% using a stratified split to maintain the distribution of stress levels.
The results, summarized in the following tables, indicate that the combination of a learning rate of 0.001, a dropout rate of 0.3, and a batch size of 64 yielded the highest test accuracy of 0.9062 as shown in table 6.
To provide a more comprehensive view of the results, various visualizations were generated.
The line chart illustrates how test accuracy varies with dropout rates for different learning rates. It is evident that a dropout rate of 0.3 consistently results in higher accuracy across all learning rates, with the 0.001 learning rate achieving the best performance as shown in Figure 5. This suggests that a lower dropout rate may help retain more important features, leading to better generalization.
The heatmap provides a clear visualization of the test accuracy across different combinations of dropout rates and batch sizes. Each cell represents the accuracy achieved for a specific combination, with darker shades indicating higher accuracy as shown in Figure 6. The optimal performance is observed with a batch size of 64 and a dropout rate of 0.3, reaffirming the results from the earlier analysis.
The bar plot compares the test accuracy across different batch sizes while differentiating between learning rates. The highest accuracy is achieved with a batch size of 64, particularly at a learning rate of 0.001 as shown in Figure 7. This indicates that both the choice of batch size and learning rate significantly influence model performance, highlighting the importance of careful hyperparameter tuning.
This study presents MMFD-SD, a novel multi-modal deep learning framework specifically designed for stress detection using multiple physiological signals. By integrating both time-domain and frequency-domain features from accelerometer data, EDA, HR, and TEMP, MMFD-SD captures a holistic representation of the stress response that surpasses traditional single-domain or single-modal methods. The inclusion of FFT-based spectral features complements the time-domain features, providing a more comprehensive view of the stress response by capturing valuable information that may be overlooked when relying solely on time-domain analysis. This integration of multi-domain features has been demonstrated to significantly enhance classification performance, as reflected in our experimental results.
Additionally, the custom architecture—utilizing parallel CNNs to separately process time and frequency domains—enables effective multi-modal feature extraction and enhances classification accuracy by capturing complex patterns across domains. Compared to traditional machine learning classifiers such as Support Vector Machines (SVM) and Random Forest (RF), our approach achieves superior stress detection accuracy. Experimental results show that MMFD-SD outperforms these conventional models, highlighting the effectiveness of deep learning in physiological signal processing.
Furthermore, MMFD-SD is designed to address the unique challenges of occupational stress monitoring, particularly the intermittent nature of data collection constrained to work hours. This aspect is critical, as existing stress detection models often assume continuous monitoring, which may not be practical in workplace settings. This adaptation acknowledges the real-world limitations of wearable sensor data in professional settings, focusing analysis on periods most relevant to occupational stress. Our findings suggest that intermittent data collection does not significantly degrade model performance, reinforcing the feasibility of MMFD-SD for real-world deployment.
To further validate the model’s effectiveness, we conducted extensive ablation studies and sensitivity analyses. The ablation study confirmed that the inclusion of both time-domain and frequency-domain features led to a noticeable improvement in classification accuracy, reinforcing the importance of multi-domain feature fusion. Sensitivity analysis indicated that a learning rate of 0.001, a dropout rate of 0.3, and a batch size of 64 provided optimal performance, balancing convergence speed and generalization capability.
While this study focuses on stress detection in nurses, the proposed MMFD-SD model is designed to generalize to other occupational settings where stress monitoring is critical. High-stress professions such as emergency responders, pilots, and industrial workers share similar physiological responses to stress. The intermittent data collection framework ensures adaptability to work environments where continuous monitoring is impractical. Future research could validate the model’s effectiveness in different workplaces by collecting and analyzing datasets from diverse occupational groups.
Despite its strong performance, MMFD-SD has some limitations. The model currently relies on supervised learning, which requires labeled training data. Future work could explore semi-supervised or self-supervised approaches to mitigate data labeling constraints. Additionally, integrating contextual information, such as work shift duration and task intensity, could further enhance stress prediction accuracy.
Overall, the results demonstrate that MMFD-SD offers a highly effective approach for stress detection using intermittently collected wearable sensor data. By addressing the limitations of previous methods and leveraging both time and frequency-domain features, this study contributes valuable insights into affective computing and occupational stress monitoring. These findings suggest potential applications not only in healthcare worker wellness but also in broader fields such as mental health monitoring and personalized stress management.
The proposed MMFD-SD model demonstrates substantial advancements in stress detection compared to baseline models. By effectively integrating time-domain and frequency-domain features, MMFD-SD provides superior performance, achieving the highest accuracy and robustness across multiple evaluation metrics. Ablation studies confirm that each feature domain contributes significantly to the model’s success, supporting the effectiveness of the multimodal approach.
Sensitivity analysis further validated the model’s adaptability, identifying optimal hyperparameter settings that balance performance with stability. This adaptability, coupled with the robustness seen in baseline comparisons, highlights MMFD-SD’s suitability for diverse stress detection tasks.
Future research could explore additional feature domains or employ alternative integration techniques to further enhance performance, particularly in highly variable stress datasets, as well as the integration of real-time stress detection capabilities and testing across broader datasets to improve its generalizability and real-world applicability. Overall, the MMFD-SD model stands as a reliable and advanced solution for real-world stress detection applications.
Publicly available datasets were analyzed in this study. This data can be found here: https://datadryad.org/stash/dataset/doi:10.5061/dryad.5hqbzkh6f#citations.
J-ZX: Data curation, Writing–original draft. Q-YW: Conceptualization, Data curation, Formal Analysis, Supervision, Writing–original draft, Writing–review and editing. Z-BF: Methodology, Writing–original draft. JE: Formal Analysis, Writing–original draft. Z-XS: Data curation, Writing–original draft.
The author(s) declare that financial support was received for the research and/or publication of this article. This work was supported in part by the Wenzhou Basic Scientific Research Project, Grant/Award Numbers: Y2023718; the Zhejiang Province Traditional Chinese Medicine Science and Technology Project, Grant/Award Numbers: 2025ZL399.
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.
The author(s) declare that no Generative AI was used in the creation of this manuscript.
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.
Alibrahim H., Ludwig S. A. (2021). Hyperparameter optimization: comparing genetic algorithm against grid search and bayesian optimization. IEEE Congr. Evol. Comput. (CEC), 1551–1559. doi:10.1109/cec45853.2021.9504761
Alqudah A., Alqudah A. M. (2019). Sliding window based support vector machine system for classification of breast cancer using histopathological microscopic images. IETE J. Res. 68, 59–67. doi:10.1080/03772063.2019.1583610
Aristizabal S., Byun K., Wood N., Mullan A. F., Porter P. M., Campanella C., et al. (2021). The feasibility of wearable and self-report stress detection measures in a semi-controlled lab environment. IEEE Access 9, 102053–102068. doi:10.1109/access.2021.3097038
Bolpagni M., Pardini S., Dianti M., Gabrielli S. (2024). Personalized stress detection using biosignals from wearables: a scoping review. Sensors 24, 3221. doi:10.3390/s24103221
Borghi P. H., Borges R. C., Teixeira J. P. (2021). Atrial fibrillation classification based on MLP networks by extracting Jitter and Shimmer parameters. Procedia Comput. Sci. 181, 931–939. doi:10.1016/j.procs.2021.01.249
Ceren Ates H., Ates C., Dincer C. (2024). Stress monitoring with wearable technology and AI. Nat. Electron. 7, 98–99. doi:10.1038/s41928-024-01128-w
Dai R., Lu C., Yun L., Lenze E. J., Avidan M. S., Kannampallil T. G. (2021). Comparing stress prediction models using smartwatch physiological signals and participant self-reports. Comput. Methods Programs Biomed. 208, 106207. doi:10.1016/j.cmpb.2021.106207
Delmastro F., Di Martino F., Dolciotti C. (2020). Cognitive training and stress detection in MCI frail older people through wearable sensors and machine learning. IEEE Access 8, 65573–65590. doi:10.1109/access.2020.2985301
Fu R., Chen Y., Huang Y., Chen S., Duan F., Li J., et al. (2022). Symmetric convolutional and adversarial neural network enables improved mental stress classification from EEG. IEEE Trans. Neural Syst. Rehabilitation Eng. 30, 1384–1400. doi:10.1109/tnsre.2022.3174821
Gaur P., Gupta H., Chowdhury A., McCreadie K., Pachori R. B., Wang H. (2021). A sliding window common spatial pattern for enhancing motor imagery classification in EEG-BCI. IEEE Trans. Instrum. Meas. 70, 1–9. doi:10.1109/tim.2021.3051996
Gedam S., Paul S. (2021). A review on mental stress detection using wearable sensors and machine learning techniques. IEEE Access 9, 84045–84066. doi:10.1109/ACCESS.2021.3085502
Hosseini S., Gottumukkala R., Katragadda S., Bhupatiraju R. T., Ashkar Z., Borst C. W., et al. (2022). A multimodal sensor dataset for continuous stress detection of nurses in a hospital. Sci. Data 9, 255. doi:10.1038/s41597-022-01361-y
Hosseini S., Katragadda S., Bhupatiraju R. T., Ashkar Z., Borst C., Cochran K., et al. (2021). A multi-modal sensor dataset for continuous stress detection of nurses in a hospital. Dryad. doi:10.5061/dryad.5hqbzkh6f
Hou C., Liu G., Tian Q., Zhou Z., Hua L., Lin Y. (2022). Multisignal modulation classification using sliding window detection and complex convolutional network in frequency domain. IEEE Internet Things J. 9, 19438–19449. doi:10.1109/jiot.2022.3167107
Iqbal T., Simpkin A. J., Roshan D., Glynn N., Killilea J., Walsh J., et al. (2022). Stress monitoring using wearable sensors: a pilot study and stress-predict dataset. Sensors 22, 8135. doi:10.3390/s22218135
Kafková J., Kuchár P., Pirník R., Skuba M., Tichý T., Brož J. (2024). A new era in stress monitoring: a review of embedded devices and tools for detecting stress in the workplace. Electronics 13, 3899. doi:10.3390/electronics13193899
Kyriakou K., Resch B., Sagl G., Petutschnig A., Werner C., Niederseer D., et al. (2019). Detecting moments of stress from measurements of wearable physiological sensors. Sensors 19, 3805. doi:10.3390/s19173805
Lazarou E., Exarchos T. P. (2024). Predicting stress levels using physiological data: real-time stress prediction models utilizing wearable devices. AIMS Neurosci. 11, 76–102. doi:10.3934/neuroscience.2024006
Li B., Sano A. (2020). Extraction and interpretation of deep autoencoder-based temporal features from wearables for forecasting personalized mood, health, and stress. Proc. ACM Interact. Mob. Wearable Ubiquitous Technol. 4, 1–26. doi:10.1145/3397318
Moser M. K., Ehrhart M., Resch B. (2024). An explainable deep learning approach for stress detection in wearable sensor measurements. Sensors 24, 5085. doi:10.3390/s24165085
Mozos O. M., Sandulescu V., Andrews S., Ellis D., Bellotto N., Dobrescu R., et al. (2016). Stress detection using wearable physiological and sociometric sensors. Int. J. Neural Syst. 27, 1650041. doi:10.1142/s0129065716500416
Paul A. A., Nguyen Q. H., Shen W. (2024). 3D printed magnetostrictive polymer composites (MPCs) for wireless stress sensing. Mater. and Des. 247, 113402. doi:10.1016/j.matdes.2024.113402
Premchand B., Liang L., Phua K. S., Zhang Z., Wang C., Guo L., et al. (2024). Wearable EEG-based brain–computer interface for stress monitoring. NeuroSci 5, 407–428. doi:10.3390/neurosci5040031
Rogerson O., Wilding S., Prudenzi A., O’Connor D. B. (2023). Effectiveness of stress management interventions to change cortisol levels: a systematic review and meta-analysis. Psychoneuroendocrinology 159, 106415. doi:10.1016/j.psyneuen.2023.106415
Saini S. K., Gupta R. (2024). A novel method for mental stress assessment based on heart rate variability analysis of electrocardiogram signals. Wirel. Personal. Commun. 136, 521–545. doi:10.1007/s11277-024-11317-7
Smets E., Rios Velazquez E., Schiavone G., Chakroun I., D’Hondt E., De Raedt W., et al. (2018). Large-scale wearable data reveal digital phenotypes for daily-life stress detection. npj Digit. Med. 1, 67. doi:10.1038/s41746-018-0074-9
Victoria A. H., Maragatham G. (2020). Automatic tuning of hyperparameters using Bayesian optimization. Evol. Syst. 12, 217–223. doi:10.1007/s12530-020-09345-2
Vos G., Trinh K., Sarnyai Z., Rahimi Azghadi M. (2023). Generalizable machine learning for stress monitoring from wearable devices: a systematic literature review. Int. J. Med. Inf. 173, 105026. doi:10.1016/j.ijmedinf.2023.105026
Wang J., Chen Y., Hao S., Peng X., Hu L. (2019). Deep learning for sensor-based activity recognition: a survey. Pattern Recognit. Lett. 119, 3–11. doi:10.1016/j.patrec.2018.02.010
Wang S., Dai Y., Shen J., Xuan J. (2021). Research on expansion and classification of imbalanced data based on SMOTE algorithm. Sci. Rep. 11, 24039. doi:10.1038/s41598-021-03430-5
Wongvorachan T., He S., Bulut O. (2023). A comparison of undersampling, oversampling, and SMOTE methods for dealing with imbalanced classification in educational data mining. Information 14, 54. doi:10.3390/info14010054
Xie J., Hu K., Zhu M., Guo Y. (2020). Bioacoustic signal classification in continuous recordings: syllable-segmentation vs sliding-window. Expert Syst. Appl. 152, 113390. doi:10.1016/j.eswa.2020.113390
Keywords: multi-modal deep learning, time and frequency domain features, fast fourier transform, stress detection, wearable devices
Citation: Xiang J-Z, Wang Q-Y, Fang Z-B, Esquivel JA and Su Z-X (2025) A multi-modal deep learning approach for stress detection using physiological signals: integrating time and frequency domain features. Front. Physiol. 16:1584299. doi: 10.3389/fphys.2025.1584299
Received: 28 February 2025; Accepted: 17 March 2025;
Published: 01 April 2025.
Edited by:
Steffen Schulz, Charité – Universitätsmedizin Berlin, GermanyReviewed by:
Partha Sarathi Bishnu, Birla Institute of Technology, IndiaCopyright © 2025 Xiang, Wang, Fang, Esquivel and Su. 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: Qin-Yong Wang, MTkwOTYyNDBAempjc3QuZWR1LmNu; Zhi-Xian Su, MTMxMDYwMDJAempjc3QuZWR1LmNu
Disclaimer: 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.
Research integrity at Frontiers
Learn more about the work of our research integrity team to safeguard the quality of each article we publish.