Next Article in Journal
Signal Novelty Detection as an Intrinsic Reward for Robotics
Next Article in Special Issue
Plant and Salamander Inspired Network Attack Detection and Data Recovery Model
Previous Article in Journal
Bottleneck Detection in Modular Construction Factories Using Computer Vision
Previous Article in Special Issue
Big Data Analytics Using Cloud Computing Based Frameworks for Power Management Systems: Status, Constraints, and Future Recommendations
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Wrist-Based Electrodermal Activity Monitoring for Stress Detection Using Federated Learning

1
Department of Computer Engineering and Networks, College of Computer and Information Sciences, Jouf University, Sakaka 72388, Saudi Arabia
2
Faculty of Information and Communication Studies, University of the Philippines Open University, Los Baños 4031, Philippines
3
Center for Computational Imaging and Visual Innovations, De La Salle University, 2401 Taft Ave., Malate, Manila 1004, Philippines
4
College of Computing and Information Technologies, National University, Manila 1008, Philippines
5
Department of Computer Science, COMSATS University, Islamabad 45550, Pakistan
6
Department of Computer Science, Hanyang University, Seoul 04763, Republic of Korea
7
Department of Computer Science, HITEC University, Taxila 47080, Pakistan
8
College of Computer Science, King Khalid University, Abha 61413, Saudi Arabia
9
Higher Institute of Applied Science and Technology of Sousse (ISSATS), Cité Taffala (Ibn Khaldoun) 4003 Sousse, University of Sousse, Sousse 4000, Tunisia
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(8), 3984; https://doi.org/10.3390/s23083984
Submission received: 9 March 2023 / Revised: 11 April 2023 / Accepted: 12 April 2023 / Published: 14 April 2023
(This article belongs to the Special Issue Advanced Technologies in Sensor Networks and Internet of Things)

Abstract

:
With the most recent developments in wearable technology, the possibility of continually monitoring stress using various physiological factors has attracted much attention. By reducing the detrimental effects of chronic stress, early diagnosis of stress can enhance healthcare. Machine Learning (ML) models are trained for healthcare systems to track health status using adequate user data. Insufficient data is accessible, however, due to privacy concerns, making it challenging to use Artificial Intelligence (AI) models in the medical industry. This research aims to preserve the privacy of patient data while classifying wearable-based electrodermal activities. We propose a Federated Learning (FL) based approach using a Deep Neural Network (DNN) model. For experimentation, we use the Wearable Stress and Affect Detection (WESAD) dataset, which includes five data states: transient, baseline, stress, amusement, and meditation. We transform this raw dataset into a suitable form for the proposed methodology using the Synthetic Minority Oversampling Technique (SMOTE) and min-max normalization pre-processing methods. In the FL-based technique, the DNN algorithm is trained on the dataset individually after receiving model updates from two clients. To decrease the over-fitting effect, every client analyses the results three times. Accuracies, Precision, Recall, F1-scores, and Area Under the Receiver Operating Curve (AUROC) values are evaluated for each client. The experimental result shows the effectiveness of the federated learning-based technique on a DNN, reaching 86.82% accuracy while also providing privacy to the patient’s data. Using the FL-based DNN model over a WESAD dataset improves the detection accuracy compared to the previous studies while also providing the privacy of patient data.

1. Introduction

Wearable technology has made significant strides in recent years. Humans can carry wearable devices such as smartwatches, spectacles, chest bands, and prosthetic implants [1]. In the larger area of the Internet of Medical Things (IoMT), wearable technology is simply one gadget. The IoMT comprises various medical tools and technologies that can collect and send data for medical use while connected. The IoMT also comprises ambient devices such as smart beds and detectors, implanted devices such as implantable cardiac and insulin pumps, and stationary devices such as hospital screens and imaging devices. Together, these gadgets gather and send information that can be used to track patient health, identify illnesses, and create specialized treatment regimens [2,3]. Accurate and persistent data analysis is possible with wearable technology, and this data can be utilized to track several elements of human health, such as stress levels. Wearable technology can help humans manage stress effectively by gathering data on irregular heartbeats, sleep habits, and physical activity [4].
Stress is a physical and physiological state that aggravates several serious illnesses, including diabetes, cardiovascular disease, and hypertension [5]. As reported by the British Health and Safety Executive, stress was the cause of 50% of all employment diseases in 2021–2022 (https://www.hse.gov.uk/statistics/causdis/, accessed on 23 January 2023). There exist two types of stress: Distress and Eustress. Distress is a harmful form of stress indicated by anxiety or a strong sensation of worry [6,7,8]. The consequences of distress are diminished performance and a fogginess of the mind. Further, eustress is a positive or beneficial form of stress that motivates us to achieve our goals, helps us to focus and concentrate, and keeps us alert and energized [9]. Furthermore, there are two categories of both Acute and Chronic. The main difference between acute and chronic eustress and distress is the duration and intensity of the stress and its impact on our health and well-being. Acute eustress is a short-term, positive stress that typically lasts for a short period. Acute distress is a short-term, negative stress typically lasting for a short period. Chronic eustress is a long-term, positive stress that typically lasts for a long period. Chronic distress is a long-term, negative stress that typically lasts for an extended period of time [10]. Severe or chronic illnesses might also lead to distress that is incredibly challenging for the body and brain to endure, ultimately resulting in depression and other problems with both physical and mental well-being [4,11,12]. Equally short-term and long-term occurrences are possible. Short-term stress might not always harm young and healthy individuals with an appropriate defense mechanism; however, if the traumatic situation is too frequent or severe, it may raise the chance of developing pathological conditions linked to anxiety and depression [13]. Acute periods of stress can precipitate a stroke or cardiac arrest, while long-term stress is recognized to raise the probability of life-threatening illnesses such as coronary artery disease, elevated cholesterol levels, diabetes, and adiposity [4].
In biomedical fields, self-reported questionnaires such as the Perceived Stress Scale (PSS) [14] are used to measure the psychological perception of stress and the State-Trait Anxiety Inventory (STAI) is used to measure responses to stress [15,16]. Further, there is evidence that stress-related anxiety can be detected through IMU sensors and video [17]. Following this strategy daily for regular inspection is not feasible because it requires time. Monitoring physiological responses to stress with sensors is another method for calculating stress levels [18,19,20]. The smartwatch is one of the best tools for stressful evaluations, particularly at work. Unlike certain wearables that are difficult to use and inconvenient to wear while working (such as chest-worn detectors, finger-placed galvanic skin response (GSR) sensors, etc.), the smartwatch is quite well recognized. It maintains a high level of social acceptability due to its widespread use in daily life [21]. The designed detectors of a smartwatch, such as an accelerometer, electrodermal activity, skin temperature, and blood volume pulse, can be employed for multimodal-based stress monitoring.

1.1. Motivation

The motivation for conducting this research is to automate wrist-based electrodermal activities and classification processes for timely and accurate stress diagnosis. ML technologies have enabled numerous useful applications of AI, including ones in the medical industry, with incredible success [22]. Previous research has extensively investigated the development of stress detection methods such as Decision Trees (DT), K-Nearest Neighbors (KNN), Random Forests, and Logistic Regression [23,24,25,26,27]. Machine learning approaches often need a large enough quantity of data to operate effectively during training. Hence, to develop a reliable approach, researchers must gather sensor information from many users and store it on a single server for analysis. However, the submitted medical data may present private and sensitive information about specific individuals. In cases where the cloud service is compromised, invasions of privacy may occur [28,29,30,31,32]. Information leakage can also occur when well-meaning individuals with privileged server access exchange information for legal causes [33,34]. As a result, increasing research emphasizes protecting personal information during the analytic process [35,36]. Federated learning (FL) potentially provides a solution for this privacy breach [37,38,39]. For FL to function, each data record must be free to train models on independent, separate datasets and then share only the completed, anonymized models. The models are then sent via the recorders to a centralized server, amalgamating into one integrative system. This process is repetitive until an elevated model is generated [40,41,42,43,44,45].

1.2. Contribution

This research contributes to more accurate and effective stress detection. The main contribution and features of the research are given below in the listed form.
  • The study proposes a federated learning framework based on a deep neural network for predicting stress, incorporating data from wrist-worn sensors that train every client’s local model before sending the model parameters to the global model. The global model then aggregates the new parameter and initiates the training process, ensuring the privacy of the client’s data;
  • The study collects the WESAD dataset from the UCI ML repository, which contains five states: transient, baseline, stress, amusement, and meditation. The raw data is converted into an acceptable format for the proposed framework using the preprocessing techniques SMOTE and normalization;
  • The experiment reveals that the FL-based DNN model enhances stress detection accuracy compared to traditional approaches and provides privacy to the clients’ data.

1.3. Organization

This study work is organized into the following sections. The most current and relevant work on wearable sensor-based techniques, machine and deep learning, and federated learning in the healthcare field is given in Section 2. The proposed framework, which covers dataset selection, preprocessing, and model architecture, is described in Section 3. The evaluation measurements, findings, and results of the proposed approaches are described in Section 4. Finally, Section 5 includes the conclusion of the proposed approach and provides recommendations for more research.

2. Literature Review

The background and current research of federated learning, machine and deep learning, and wearable sensor-based techniques in the healthcare field are presented in this section.

2.1. Wearable Sensor-Based Techniques

With the most significant innovations in wearable technology, there is a substantial interest in continually monitoring stress using various physiological factors [46,47]. Ref. [48] addresses the connections between suffering and stress, how to measure them, and ways to identify them using wearable sensors and diagnostic implants. Numerous physiological signals, comprising pulse rate, neural activity, muscular activity, electrodermal action, breathing rate, blood volume pulse, and skin conductance, are structured to detect wearable sensors. The authors intend to discover a method for wearable health services systems to be employed in stress and pain assessment by analyzing the wearable sensors utilized in the healthcare system.
Ref. [26] examined which detector third-party producers have accessibility to and which ones are incorporated into the wearable technology that are now available in the marketplace. It investigates how the different study participants’ diagnostic accuracy differs from one another and what impact bandwidth has on the detection rate. The publicly accessible WESAD dataset is the foundation for each experiment. The findings demonstrate that an electrodermal movement sensor signal is not required for consumer stress detection and that, provided the interval length is large enough, consumer smartwatches may be utilized to diagnose stress. It should also be emphasized that the study participants’ detection rates vary considerably. The suggested system [49] classifies stress levels using multimodal data from the wearable Empatica E4 device on the wrist. The authors utilized four classification situations: stress, baseline, meditation, and amusement. The research used three classification techniques: Random Forest (RF), Logistic Regression (LR), and Decision Tree (DT). By measuring the effectiveness of the system, the researchers demonstrate that our approach can reliably identify the stress levels of 15 subjects with an accuracy of 88–99% using the RF.
Ref. [1] discussed ML objectives that have been studied in the context of wearable healthcare technology, the ML methods employed, the various modalities employed, and the relevant datasets. ML applications on wearable technology face various difficulties, including deployment options, energy usage, storage and memory requirements, functionality and user satisfaction, data availability and dependability, interaction, protection, and privacy concerns. These issues were discussed, along with the potential solutions that have been reported.

2.2. Machine and Deep Learning Techniques

The research provides various ML and DL algorithms for stress detection on persons utilizing heterogeneous datasets gathered through wearable metabolic and motion sensors to prevent a human from experiencing numerous stress-related health issues [50,51,52]. The WESAD dataset is employed in the ML and DL techniques. The accuracy for three-class (stress, amusement, and baseline) and binary (stress or non-stress) categories were compared using ML techniques. In addition, a feed-forward DL algorithm is introduced for these three-class and binary categories. The accuracy was reached for three-class and binary categorization issues using ML approaches up to 81.65% and 93.20%, respectively, while accuracy was obtained for these problems up to 84.32% and 95.21%, using DL [50].
In Ref. [53], the researchers strive to further emotion and sentiment evaluation to determine an individual’s level of stress based on the remarks and posts that a person has published on social media platforms. The authors use ML algorithms and a DL model called BERT for classification tasks to do sentiment analysis on massive data of tweets. The results show that the trained model can identify the emotional status based on social connections, which are assessed using multiple indicators at the level of the micro and macro. Models have been refined to classify emotions into joy, sadness, neutrality, anger, and fear. The accuracy of the categorization ability in NLP backed by deep contextual language models such as BERT was 94%, according to the researchers. In Ref. [4], the authors provided a thorough review emphasizing stress recognition utilizing wearable sensors and applicable machine learning methods. This study examines the methods used to identify stress with sensing devices, including wearable sensors, Photoplethysmography (PPG), Electrocardiograms (ECG), and Electroencephalograms (EEG), as well as in different contexts, such as while driving, learning, and working.
For stress detection, Ref. [54] created two DNNs: a Multilayer Perceptron (MLP) neural network and a 1-dimensional (1D) Convolutional Neural Network (CNN). The DNN examined physiological data obtained from the wrist and chest-worn devices to complete two activities. In the first activity, networks distinguished among stressed and non-stressed states using binary classification for stress detection. The networks employed a three-class classification task in the second experiment to distinguish between stressed, baseline, and amused states. For binary and 3-class classification, the deep MLP-NN attained an average accuracy of 99.65% and 98.38%, correspondingly. For binary and 3-class classification, the deep CNN attained accuracy rates of 99.80% and 99.55%, respectively. Ref. [55] proposed the convolutional neural network multi-level deep neural network with hierarchical learning capabilities. The WESAD benchmark dataset for mental health is used to evaluate the model, which compares favorably to cutting-edge methods and has an exceptional performance accuracy of 87.7%. Ref. [24] used different ML algorithms. The Random Forest model fared better than other models for the classification of binary and three classes, with F1 scores of 83.34 and 65.73, respectively.

2.3. Federated Learning Techniques

In Ref. [35], the authors focused on implementing federated learning-based stress identification and comparing individual, centralized, and federated learning. The WESAD dataset was used for the experiment, and the classifier used was Logistic Regression (LR). The personalized learning technique performed better, with an average F1-measure and accuracy of 0.9998 and 0.9996, respectively. The  findings of the experiment demonstrate that federated learning needs more individual and centralized accuracy. The researchers used federated learning in IoT-based wearable biomedical tracking devices to protect data privacy with positive outcomes. To track stress levels during various situations, Ref. [56] suggested federated learning to cardiac data information obtained using smart bands. Although the accuracies from these local models are 81.65% and 84.08%, respectively, we were able to reach 87.55% accuracy by integrating Datasets 1 and 2. Based on these findings, the contribution of the case study would be valuable for research organizations and businesses in the IoT-based wearable biomedical tracking field and may be used to address data security and privacy issues in data processing.
With the emergence of IoT technology, wearable devices are becoming popular for health monitoring and activities such as heart rate monitoring, medicine timing, pulse rate monitoring, sleep, walking, etc. [28,37,57,58]. ML models keep improving the performance of these devices without protecting the data. To address this issue, a framework FedHealth is proposed in Ref. [41] for wearable healthcare devices using federated learning. FedHealth uses federated learning for data aggregation and transfer learning for building models. FedHealth accuracy increased by 5.3% compared to other models while keeping data privacy.
In summary, different ML and DL techniques have been studied that provide techniques for predicting stress. However, they failed to provide encouraging results about greater accuracy and did not focus on securing data privacy. FL studies focused on overcoming the different healthcare issues and system privacy [40,41,42,43,44,45]. Hence, in this study, an FL-based DNN model is proposed to ensure data privacy that ML and DL models are not considering.

3. Proposed Model

Privacy preserved automated wrist-based electrodermal activities classification for stress detection is the need of the time. To preserve privacy and detect stress, this section represents the fundamental concept of the proposed methodology, including federated learning, model design, and data preprocessing. Figure 1 depicts the training process of the local and global model with the WESAD (Wearable Stress and Affect Detection) dataset using a DNN model, which consists of the following steps. First, data preprocessing of the selected dataset is performed using SMOTE and normalization. Second, the preprocessed dataset is split into two windows for two clients. Then the local model is trained using a DNN on the preprocessed dataset. The results of both clients aggregate and update the global model.

3.1. Federated Learning Framework

Three essential steps are included in the Federated Learning-based paradigm. Training Initialization was carried out in the first phase. The cloud-based federated learning (FL) server configures the required data type and trains the model parameters, including the number of epochs to be used, their value, Learning Rate (LR), and Activation Function (AF) [59,60]. The (FL) server also creates the initial global model. The DNN model that considers clients here receives specifications and model parameters. In addition to numerous hyper-parameters, the DNN model has specified client specifications. The federated learning server determines the epoch and learning rate of the model.
The DNN model needs to be trained at the second level. Every client begins by gathering new information and updating the local model’s ( M y x ) parameter, which is reliant on the global model ( G y x ) , where y is the index for the subsequent iteration. Every client searches for the ideal scenario to reduce the loss. Finally, we provide the federated learning server with the new parameters regularly. Integration of the global model is the third stage. Once the results from several clients have been combined on the server side, we provide the revised parameters to each client. The federated learning server reduces the global mean loss function using Equation (1).
L o s s ( G y ) = 1 M x = M x = 1 L o s s ( M y x )
In Algorithm 1, the dataset is first preprocessed D s and we increase the minority samples using SMOTE, apply min-max normalization, and partition the training dataset for two clients. In the second step, we update the global model and initialize the model weight w 0 . t i denotes the current round of the model, and T is the total round of the local model. c i is the current client, and C is the total clients. We update the local model for each client according to the current iteration/round in the third step. The current iteration weight is calculated in the next step by the sum of the weight of the dataset of the client and the current client iteration. The following model parameters, such as an epoch value, activation function, and batch size, are used to calculate the loss of the local model of each client. We update the local model by calculating the loss function F i ( w ) . The procedure is repeated until the requisite accuracy is attained or the loss function is constantly minimized.
Algorithm 1 Federated learning framework for stress detection
  1:
D s (WESAD dataset)
  2:
D p (SMOTE and Normalization)
  3:
function global model upgrade
  4:
weight initialization w 0
  5:
for ( t i = 1 ) to T do
  6:
  for ( c i = 1 ) to C do
  7:
    w t i + 1 c i = local model upgrade(ci, w t i )
  8:
   w t i + 1 = c i = 1 C w D s c i * w t i + 1 c i
  9:
function local model upgrade (ci, w t i )
10:
for ( E p o c h = 1 ) to E p do
11:
  for ( B s B a t c h S i z e ) do
12:
   w = w F i ( w )
13:
return w

3.2. Experimental Dataset

This study used the Wearable Stress and Affect Detection (WESAD) [23], a publicly accessible UCI machine learning repository dataset. This study used the wrist-worn Empatica E4 to collect data from 15 individuals (https://www.empatica.com/e4-wristband, accessed on 23 January 2023). This gadget has accelerometers (ACC) and sensors for blood volume pulse, skin temperature, electrodermal activity, heart rate, and heart rate variability (HRV). WESAD additionally uses data from the chest-worn RespiBAN sensor in addition to E4 data, and participants also completed questionnaires about their emotions during the data collection session. The study emphasizes wrist-worn devices; thus, this research primarily uses E4 data. Data from five different affective states (transient = 0, baseline = 1, stress = 2, amusement = 3, and meditation = 4) were acquired during the data collection. The dataset has 8 attributes and contains 120,000 samples, of which 75% of data is used for training models, while the remaining 25% is used to assess the performance of the model.

3.3. Data Preprocessing

Data Preprocessing is a crucial step that improves the data quality to facilitate the extraction of analytical information from the data [61]. Real-world data frequently needs precise attribute values or trends that are more consistent, accurate (contains errors or outliers), and complete. In machine learning, data preparation converts raw data into a format appropriate for creating and refining machine learning models. Data preparation is the initial step in the machine learning process when building a model. Since it makes it easier to organize, clean, and prepare raw data so that machine learning models can use it, data preparation is crucial.
Two steps are used in data preprocessing to make raw data in an acceptable format for machine learning and deep learning models: SMOTE and Normalization. The min-max normalization method is applied to the preprocessing of data. Using low variance, the ambiguous dataset is structured, and data integrity is maintained using min-max scaling for normalizing the features. The input attribute scaling is crucial for a particular model that depends on the magnitude of values. As a result, normalizing describes the discrete range of real-valued numerical properties between 0 and 1. Equation (2) is being used for data normalization.
Z n o r m = Z i Z m i n Z m a x Z m i n
SMOTE is an oversampling technique that represents the minority classes by using fictional samples. This method aids in overcoming the overfitting issue brought on by random oversampling. The total training data shape for client 1 before applying SMOTE techniques is 196,971, and when SMOTE is applied, the total training data shape is 143,781. The total training data shape for client 2 before applying SMOTE techniques is 200,000, and when SMOTE is applied, the training data shape remains the same at 200,000.
Following preprocessing, the dataset is split into two sections: a training dataset and a testing dataset, with 25% of the dataset used as testing data to assess the proposed model and 75% of the dataset used to train the model.

3.4. Model Architecture

This research examined the potential of DNN to detect stress by monitoring wrist-based electrodermal activities. The domain of learning that uses nonlinear information in different steps through hierarchical structures is included in the deep learning technique, as previously mentioned by Dong and Deng [62]. Deep learning is typically employed primarily for learning and pattern identification. Higher-level principles in the hierarchy of deep architecture are built using the lower-level components. Deep learning combines pattern recognition, neural networks, and visual design. For prediction on large datasets, the deep learning model works well. The proposed deep learning model analyzes the natural patterns in the diagnosis of stress.
This research uses a sequential DNN model with one input layer. The shape of the input layer is 8 with 512 units and uses the relu activation function. The hidden layer is the next, comprising five dense layers. The four dense layers comprise 256, 128, 64, 54, and 50 units, and the activation function is the relu. The output layer is next with 6 units and uses the softmax function. To address the categorical classification issue, every dense layer uses the activation functions relu and softmax along with a fully connected layer. The DNN model has used Adam as an optimizer to calculate and reduce the loss using sparse_categorical_crossentropy. The architecture of the DNN model is depicted in Figure 2.

4. Experimental Results and Analysis

The experiment is conducted on a WESAD dataset, which is available at the UCI machine learning repository. The dataset is split into two sets; each client uses a 50% dataset. Three rounds and five epochs for each round are set for both clients. The experimental results and an assessment of the suggested approach are provided in this section. The study also explores the impacts of several methodology-proposed parameters.

4.1. Evaluation Metrics

The prediction and classification issues are assessed using a variety of measures, such as accuracy, F1-score Recall, and precision. The following evaluation measures how well the proposed model works. To assess the precision of the suggested model, we compute the proportion of False Positives (FP), True Positives (TP), True Negatives (TN), and False Negatives (FN). Equation (3) represents the accuracy estimate. The proportion of actual positives to all positives in the data (false and true) is alternatively known as a highly anticipated value. Equation (4) presents the precision rate. The ratio of real positives to true positives and false negatives in a dataset is described using sensitivity, the likelihood of detection, and the probability of a genuine positive. Equation (5) indicates the recall rate. The weighted average of Recall and precision is the F1-score. The F1-score is provided in Equation (6).
A c c u r a c y = T P + T N T P + T N + F P + F N
P r e c i s i o n = T P T P + F P
R e c a l l = T P T N + F N
F 1 -score = 2 × P r e c i s i o n + R e c a l l P r e c i s i o n + R e c a l l

4.2. Server-Based Training Using Log Data

The federated learning framework includes two clients and one server as its main parameter. In an introductory level of the model training phase, the server selects which client or node is used and aggregates any updates acquired. The DNN model is trained using server log data. The anonymized and individually identifying information is eliminated from the logs before training. There are three rounds after the federated learning begins. Before setting the number of rounds to 3, which includes evaluating the tests three times, researchers configure a few server-side parameters. The clients send the learning outcomes to the server during the fit-round. When the findings are combined in the assessment phase, both clients send the test results to the server. According to the server’s interpretation of the information gathered from N clients, the DNN model has the highest accuracy, scoring 86.21%.

4.3. Client 1 Federated Training and Testing

Table 1 summarizes the performance metrics of a suggested model for Client 1 in Round 1. The suggested model was evaluated in five classes: Transient, Baseline, Stress, Amusement, and Meditation. The Precision (P), Recall (R), and F1-score (F1) were computed for each class, along with the Support (S), which shows the number of samples in each class. The table also provided the model’s overall accuracy, macro Average, and weighted average. The model yielded high performance in all classes, with F1-scores ranging from 98% to 100%. The weighted average F1-score was 99%, indicating that the model performed well across all classes, considering the differences in class distribution. The model obtained the highest F1-score on the Baseline class, with outclassed Precision and Recall. It suggests that the model is particularly good at identifying this class. Overall, the model achieved an Accuracy of 99%, which means that it correctly classified 99% of the samples. The Macro Average and Weighted Average F1-scores were also high, at 98% and 99%, respectively. It indicates that the model outperforms classifying all classes and is particularly fine at detecting the dominant classes.
Table 2 represents the performance metrics of a proposed model for Client 1 in Round 2. As in Round 1, the model was evaluated in five classes: Transient, Baseline, Stress, Amusement, and Meditation. The Precision (P), Recall (R), and F1-score (F1) were computed for each class, along with the Support (S), which represents the number of samples in each class. The table also shows the model’s overall Accuracy, Macro Average, and Weighted Average. The proposed model outperformed in all classes, with F1-scores ranging from 97% to 100%. The weighted average F1-score was 99%, indicating that the model outclassed all classes, considering the differences in class distribution. The model achieved the highest F1-score on the Baseline class, with exceptional Precision and Recall, similar to the results in Round 1. Compared to Round 1, the model achieved a slightly lower F1-score on the Stress class, which decreased from 98% to 97%. However, this is still a high F1-score, and the Precision and Recall for this class are also high. The model achieved the highest Recall in the Transient class, with a score of 99%, which means it correctly diagnosed most of the samples in this class. Overall, the model achieved an Accuracy of 0.99, meaning it accurately classified 99% of the samples. The Macro Average and Weighted Average F1-scores were also high, at 99%, indicating that the model is exceptional at categorizing all classes and is particularly good at identifying the dominant classes.
Table 3 summarizes the results of round 3 for client 1 by monitoring the wrist-based electrodermal activities to detect stress. The table contains information about the precision (P), Recall (R), F1-score (F1), and support (S) for each class and the overall evaluation metrics such as accuracy, macro average, and weighted average. The support represents the number of instances for each class, while the accuracy represents the correct overall predictions made by the model. The macro average and weighted average are used to evaluate the model’s performance across all classes, where the macro average gives equal weight to each class, and the weighted average considers the number of instances for each class. The results show that the model’s performance improves in round 2 compared to round 1, but there is a slight drop in performance for the Amusement class in round 3. Overall, the model has high accuracy and performs well for all classes, with F1-scores ranging from 98% to 99% for each class.
The highest results of client 1 are illustrated in Figure 3. The graph in Figure 3a shows the training and validation accuracy, with round 3 of client 1 achieving higher validation accuracy than training accuracy. A blue line shows the training accuracy curve, while an orange line shows the validation accuracy curve. At the 1th epoch, the training accuracy is 0.983 % ; after various fluctuations between falls and gains, it reached about 0.988 % accuracy at the 4th epoch. At the 1th epoch, validation accuracy is 0.987 % ; it then fluctuates between drops and gains reached at 0.99 % accuracy at the 5th epoch.
The training and validation loss is depicted on the graph in Figure 3b. During the training phase, the loss fluctuates at each epoch. The blue line shows the training loss curve, while the orange line represents the validation loss in the loss curve. Training loss initiated from 0.048 % at 1th epoch and decreased to 0.033 at 4th epoch. Validation loss initiated from 0.034 % at 1th epoch and increased to 0.038 % at 5th epoch. The Receiver Operating Characteristic (ROC) is depicted in the graph in Figure 3c. AUCROC score is 1.00%, indicating that DNN-based FL has effectively classified the data into the five categories of transient, baseline, stress, amusement, and meditation. The ROC curves close to the top-left corner demonstrate better performance.

4.4. Client 2 Federated Training and Testing

Table 4 shows the performance metrics of a proposed model for classifying data from Client 2 in Round 1. The classes are Transient, Baseline, Stress, Amusement, and Meditation. The performance of the model is measured using Precision (P), Recall (R), and F1-score (F1) for each class, as well as the total number of samples in each class (Support or S). The table also includes the overall Accuracy, Macro Average, and Weighted Average of all classes. According to the results, the model achieved high precision, Recall, and F1-score for most classes, indicating good performance in classifying the data. The model yielded an overall 98% accuracy. The Transient class has the highest F1-score of 98%, with 35,183 samples. The Baseline, Stress, Amusement, and Meditation classes also achieved high F1-scores ranging from 97% to 98%. The model achieved an overall F1-score of 98%, indicating good performance in classifying all the classes. The Macro Average and Weighted Average also achieved high F1-scores of 97% and 98%, respectively, indicating the model’s overall performance.
Table 5 shows the result of the proposed model for Client 2 in Round 2. The performance of the model is evaluated using Precision (P), Recall (R), F1-score (F1), and Support (S) metrics for each class. The table also includes Macro Average and Weighted Average scores. The suggested model achieved a high F1-score of 98%, which indicates good overall performance. Among the five classes, the Transient class has the highest precision and Recall scores of 99% and 98%, respectively. The Baseline, Stress, Amusement, and Meditation classes also have high precision, Recall, and F1 scores, ranging from 95% to 99%. The average macro score for precision, Recall, and F1 is 97%, 98%, and 98%, respectively, which indicates a good overall performance of the model across all classes. The weighted average score is also high, which suggests that the model is performing well overall, considering the class imbalance in the dataset.
Table 6 presents the performance metrics of a proposed model for Client 2 in Round 3. The model was evaluated on five classes (Transient, Baseline, Stress, Amusement, and Meditation) using precision (P), recall (R), F1-score (F1), and support (S) metrics. The accuracy, macro average, and weighted average were also calculated. The results represent that the proposed model achieved high precision, Recall, and F1-score for all five classes, with F1-score ranging from 98% to 99%. The highest F1-score was obtained for the Transient class, which had precision and recall values close to 100%. The model also achieved high accuracy of 98% and performed well on both macro average and weighted average metrics.
The highest results are illustrated in Figure 4. The graph in Figure 4a shows the training and validation accuracy, with round 3 of client 2 attaining higher validation accuracy than training accuracy. A blue line shows the training accuracy curve, while an orange line represents the validation accuracy curve. At the 1th epoch, the training accuracy is 0.977 % ; after various fluctuations between falls and gains, it reached about 0.981 % accuracy at the 4th epoch. At the 1th epoch, the validation accuracy is 0.980 % ; however, it fluctuates between drops and gains until reaching 0.984 % accuracy at the 4th epoch. The training and validation loss is depicted on the graph in Figure 4b. During the training phase, the loss fluctuates at each epoch. The blue line represents the training loss curve, while the orange line represents the validation loss in the loss curve. The training loss initiated from 0.060 % at 1th epoch and decreased to 0.045 at 4th epoch. The validation loss initiated from 0.047 % at 1th epoch and decreased to 0.042 % at 5th epoch.
The Receiver Operating Characteristic (ROC) is depicted in the graph in Figure 4c. The experiment uses five classes, and the proposed model performs better on the used dataset with ROC scores of 1.00%. The ROC curves near the top-left corner demonstrate better performance, indicating that DNN-based FL has effectively classified the data into the five categories of transient, baseline, stress, amusement, and meditation.
Figure 5 graphically visualize the confusion matrix of both clients. The confusion matrix of Client 1, displayed in Figure 5a, indicates that 98.40% transient cases are predicted successfully, whereas 1.6% cases are misdiagnosed. Similarly, out of 13,191 baseline cases, 99.94% are predicted accurately, 0.07% are misdiagnosed, and out of 4713 stress instances, 97.22% are predicted successfully, while 2.78% instances are misclassified. Similarly, out of 4891 amusement cases, 99.82% are predicted correctly, 0.18% are misdiagnosed, and in 9789 meditation instances, 98.81% are predicted successfully, while 1.17% instances are misdiagnosed. The confusion matrix of Client 2, shown in Figure 5a, indicates that 98.06% transient cases are predicted successfully. Similarly, 99.01% baseline cases are predicted accurately, 0.99% are misdiagnosed, and out of 9046 stress cases, 99.17% are predicted successfully, while 0.83% cases are misclassified. Similarly, 99.23% of amusement cases are predicted correctly, whereas 0.77% are misdiagnosed, and 98.62% of meditation instances are predicted successfully, whereas 1.38% instances are misdiagnosed.

5. Discussion and Comparative Analysis

This research focused on preserving the privacy of patient data while classifying wearable-based electrodermal activities. The Federated Learning (FL) based Deep Neural Network (DNN) model is used to preserve privacy and improve the performance of stress detection. The comparison of the proposed model with previous techniques is provided in Table 7. The authors in Ref. [55] used a CNN model, achieving an accuracy of 87.7/%. The researchers in Ref. [24] utilize ML techniques and achieved an F1-score of 83.34. The authors in Ref. [23] also use ML techniques, achieving an accuracy of 80.0%. The proposed approach uses a federated learning-deep neural network (FL-DNN) that achieves an accuracy of 99.1%, precision of 98.0%, recall of 97.0%, and F1-score of 97.0%. The results revealed that the proposed approach helps identify stress in people earlier, assisting medical practitioners in more timely and accurate stress detection.

Research Limitations

The sustainability of healthcare systems relies on using user data to train ML models while raising severe privacy and security concerns. To address this issue, this research proposes an FL-based DNN model to recognize and classify wearable electrodermal activities. Since FL prioritizes protecting patient data, no direct data exchange occurs in this collaborative process. Although FL permits more collaborative ML (with privacy protection at its core), it also presents many problems, including those mentioned here. Communication is a significant hurdle in FL networks, as the data created by each device is kept locally. Designing models that allow effective communication while limiting the number of cycles to train a model using device-generated input is crucial. Additionally, it should incrementally communicate discrete model upgrades rather than providing the complete dataset during training. Although FL’s privacy features are a big positive, they also prevent data analysts from seeing user data in its unprocessed form. To detect missing data, eliminate extraneous information, and identify the data points the system should be trained on, they cannot clean up the data, resulting in the system’s poor performance. Furthermore, another limitation of the stress detection dataset is that even though the WESAD data induced distress, using data such as these to detect stress does not allow us to identify eustress and distress.

6. Conclusions

This study proposed the wrist-based electrodermal activities and federated learning framework on the WESAD dataset. Despite a slight variance in accuracy, the proposed model correctly identified stress from the provided data. While protecting client data, the suggested FL-based DNN performed exceptionally well in identifying the classes. To reduce the effect of over-fitting, the outcomes for each client are validated three times. The DNN model is successively trained on the dataset after a potential boost by two clients and aggregated at the server side with an accuracy of 86.82%. The study concludes that Wearable technology makes it possible to analyze data accurately and persistently, and this data can be used to measure various aspects of human health, such as stress levels. By monitoring irregular heartbeats, sleep patterns, and physical activity, wearable devices can assist people in efficiently managing stress. The earlier a disease is diagnosed, the simpler it is to treat it. The proposed research can identify these alterations in people earlier, assisting medical practitioners in a more timely and accurate stress detection. We plan to investigate this trend more thoroughly by training more systems using various wearable device combinations and expanding our research by applying new deep learning algorithms with multiple datasets and employing different statistical tests, such as Wilcoxon and ANOVA, in the future to ensure the quality of the proposed algorithm.

Author Contributions

Conceptualization, G.A.S. and S.A.; Methodology, A.A., M.A., S.A. and J.B.; Software, J.B. and J.-H.C.; Validation, M.A.; Formal analysis, A.A., G.A.S., Y.-J.K. and J.B.; Investigation, S.A. and Y.-J.K.; Resources, A.A., Y.-J.K. and J.-H.C.; Writing—original draft, A.A., G.A.S., M.A., S.A., Y.-J.K., M.A.K., J.B. and J.-H.C.; Writing—review & editing, Y.-J.K.; Visualization, G.A.S.; Supervision, M.A.; Funding acquisition, Y.-J.K. and J.-H.C. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the “Human Resources Program in Energy Technology” of the Korea Institute of Energy Technology Evaluation and Planning (KETEP), granted financial resources from the Ministry of Trade, Industry, and Energy, Republic of Korea. (No. 20204010600090). The authors thank the Deanship of Scientific Research at King Khalid University for funding this work through a large Group Project under grant number (R.G.P.2/112/43).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors share no conflict of interest.

References

  1. Sabry, F.; Eltaras, T.; Labda, W.; Alzoubi, K.; Malluhi, Q. Machine learning for healthcare wearable devices: The big picture. J. Healthc. Eng. 2022, 2022, 4653923. [Google Scholar] [CrossRef] [PubMed]
  2. Hayano, J.; Yamamoto, H.; Nonaka, I.; Komazawa, M.; Itao, K.; Ueda, N.; Tanaka, H.; Yuda, E. Quantitative detection of sleep apnea with wearable watch device. PLoS ONE 2020, 15, e0237279. [Google Scholar] [CrossRef] [PubMed]
  3. Delmastro, F.; Di Martino, F.; Dolciotti, C. Cognitive training and stress detection in mci frail older people through wearable sensors and machine learning. IEEE Access 2020, 8, 65573–65590. [Google Scholar] [CrossRef]
  4. Gedam, S.; Paul, S. A review on mental stress detection using wearable sensors and machine learning techniques. IEEE Access 2021, 9, 84045–84066. [Google Scholar] [CrossRef]
  5. Çakmak, H.S.G.; Gönderen, K.; Aykut, S. Anxiety and Stress Experiences of Individuals with Chronic Diseases in the COVID-19 Pandemic: Qualitative Research. 2023. [Google Scholar]
  6. Grey, I.; Arora, T.; Sanah, A. Generalized Anxiety Mediates the Relationship Between Loneliness and Sleep Quality Amongst Young Adults During the COVID-19 Pandemic. Psychol. Rep. 2022, 26, 00332941221079723. [Google Scholar] [CrossRef]
  7. Palm, U.; Chalah, M.; Créange, A.; Lefaucheur, J.P.; Ayache, S. The evaluation of depression in multiple sclerosis using the newly proposed Multiple Sclerosis Depression Rating Scale. L’encephale 2018, 44, 565–567. [Google Scholar] [CrossRef]
  8. Chalah, M.A.; Ayache, S.S. Disentangling the neural basis of cognitive behavioral therapy in psychiatric disorders: A focus on depression. Brain Sci. 2018, 8, 150. [Google Scholar] [CrossRef] [Green Version]
  9. Somashekar, B.; Hassan, S.; Wuntakal, B.; Somashekar, B. Conceptual issues of stress. Stress Struggl. 2020, 15. [Google Scholar]
  10. Yasmin, H.; Khalil, S.; Mazhar, R. COVID 19: Stress management among students and its impact on their effective learning. Int. Technol. Educ. J. 2020, 4, 65–74. [Google Scholar]
  11. Kaddoura, S.; Haraty, R.A.; Al Kontar, K.; Alfandi, O. A parallelized database damage assessment approach after cyberattack for healthcare systems. Future Int. 2021, 13, 90. [Google Scholar] [CrossRef]
  12. Grey, I.; Arora, T.; Thomas, J.; Saneh, A.; Tohme, P.; Abi-Habib, R. The role of perceived social support on depression and sleep during the COVID-19 pandemic. Psychiatry Res. 2020, 293, 113452. [Google Scholar] [CrossRef] [PubMed]
  13. Arza, A.; Garzón-Rey, J.M.; Lázaro, J.; Gil, E.; Lopez-Anton, R.; de la Camara, C.; Laguna, P.; Bailon, R.; Aguiló, J. Measuring acute stress response through physiological signals: Towards a quantitative assessment of stress. Med Biol. Eng. Comput. 2019, 57, 271–287. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  14. Reis, R.S.; Hino, A.; Añez, C. Perceived stress scale. J. Health Psychol. 2010, 15, 107–114. [Google Scholar] [CrossRef] [Green Version]
  15. Mozos, O.M.; Sandulescu, V.; Andrews, S.; Ellis, D.; Bellotto, N.; Dobrescu, R.; Ferrandez, J.M. Stress detection using wearable physiological and sociometric sensors. Int. J. Neural Syst. 2017, 27, 1650041. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  16. Li, X.; Zhang, X.; Jia, T. Humanization of nature: Testing the influences of urban park characteristics and psychological factors on collegers’ perceived restoration. Urban For. Urban Green. 2023, 79, 127806. [Google Scholar] [CrossRef]
  17. Can, Y.S.; Arnrich, B.; Ersoy, C. Stress detection in daily life scenarios using smart phones and wearable sensors: A survey. J. Biomed. Inform. 2019, 92, 103139. [Google Scholar] [CrossRef]
  18. Fakhoury, M.; Fritz, M.; Sleiman, S.F. Behavioral Paradigms for Assessing Cognitive Functions in the Chronic Social Defeat Stress Model of Depression. In Translational Research Methods for Major Depressive Disorder; Springer: Berlin/Heidelberg, Germany, 2022; pp. 147–164. [Google Scholar]
  19. Chalah, M.A.; Palm, U.; Lefaucheur, J.P.; Creange, A.; Ayache, S.S. Interhermispheric inhibition predicts anxiety levels in multiple sclerosis: A corticospinal excitability study. Brain Res. 2018, 1699, 186–194. [Google Scholar] [CrossRef]
  20. Chalah, M.A.; Ayache, S.S. Noninvasive brain stimulation and psychotherapy in anxiety and depressive disorders: A viewpoint. Brain Sci. 2019, 9, 82. [Google Scholar] [CrossRef] [Green Version]
  21. Lazaro, M.J.S.; Lim, J.; Kim, S.H.; Yun, M.H. Wearable technologies: Acceptance model for smartwatch adoption among older adults. In Proceedings of the Human Aspects of IT for the Aged Population. Technologies, Design and User Experience: 6th International Conference, ITAP 2020, Held as Part of the 22nd HCI International Conference, HCII 2020, Copenhagen, Denmark, 19–24 July 2020; Proceedings, Part I 22. Springer: Berlin/Heidelberg, Germany, 2020; pp. 303–315. [Google Scholar]
  22. Mohammad, U.G.; Imtiaz, S.; Shakya, M.; Almadhor, A.; Anwar, F. An Optimized Feature Selection Method Using Ensemble Classifiers in Software Defect Prediction for Healthcare Systems. Wirel. Commun. Mob. Comput. 2022, 2022, 1028175. [Google Scholar] [CrossRef]
  23. Schmidt, P.; Reiss, A.; Duerichen, R.; Marberger, C.; Van Laerhoven, K. Introducing wesad, a multimodal dataset for wearable stress and affect detection. In Proceedings of the 20th ACM international Conference on Multimodal Interaction, Boulder, CO, USA, 16–20 October 2018; pp. 400–408. [Google Scholar]
  24. Garg, P.; Santhosh, J.; Dengel, A.; Ishimaru, S. Stress detection by machine learning and wearable sensors. In Proceedings of the 26th International Conference on Intelligent User Interfaces-Companion, College Station, TX, USA, 14–17 April 2021; pp. 43–45. [Google Scholar]
  25. Alshamrani, M. An Advanced Stress Detection Approach based on Processing Data from Wearable Wrist Devices. Int. J. Adv. Comput. Sci. Appl. 2021, 12, 399–405. [Google Scholar] [CrossRef]
  26. Siirtola, P. Continuous stress detection using the sensors of commercial smartwatch. In Proceedings of the Adjunct Proceedings of the 2019 ACM International Joint Conference on Pervasive and Ubiquitous Computing and Proceedings of the 2019 ACM International Symposium on Wearable Computers, London, UK, 9–13 September 2019; pp. 1198–1201. [Google Scholar]
  27. Mansour, A.; Stewart, M.W.; Charbaji, A.R.; El Jawhari, K.M.; El Zein, L.; Mansour, M.A.; Saade, J.S. Perceived surgeon stress during no-sedation topical phacoemulsification. Clin. Ophthalmol. 2020, 18, 2373–2381. [Google Scholar] [CrossRef]
  28. AbdulRahman, S.; Tout, H.; Ould-Slimane, H.; Mourad, A.; Talhi, C.; Guizani, M. A survey on federated learning: The journey from centralized to distributed on-site learning and beyond. IEEE Int. Things J. 2020, 8, 5476–5497. [Google Scholar] [CrossRef]
  29. Dhasarathan, C.; Hasan, M.K.; Islam, S.; Abdullah, S.; Mokhtar, U.A.; Javed, A.R.; Goundar, S. COVID-19 health data analysis and personal data preserving: A homomorphic privacy enforcement approach. Comput. Commun. 2023, 199, 87–97. [Google Scholar] [CrossRef]
  30. Yunis, M.M.; El-Khalil, R.; Ghanem, M. Towards a Conceptual Framework on the Importance of Privacy and Security Concerns in Audit Data Analytics. In Proceedings of the International Conference on Industrial Engineering and Operations Management, Sao Paulo, Brazil, 5–8 April 2021. [Google Scholar]
  31. Chehab, M.; Mourad, A. Towards a lightweight policy-based privacy enforcing approach for IoT. In Proceedings of the 2018 International Conference on Computational Science and Computational Intelligence (CSCI), Las Vegas, NV, USA, 12–14 December 2018; pp. 984–989. [Google Scholar]
  32. El Zarif, O.; Haraty, R.A. Toward information preservation in healthcare systems. In Innovation in Health Informatics; Elsevier: Amsterdam, The Netherlands, 2020; pp. 163–185. [Google Scholar]
  33. Javed, A.R.; Shahzad, F.; ur Rehman, S.; Zikria, Y.B.; Razzak, I.; Jalil, Z.; Xu, G. Future smart cities requirements, emerging technologies, applications, challenges, and future aspects. Cities 2022, 129, 103794. [Google Scholar] [CrossRef]
  34. Javed, A.R.; Ahmed, W.; Pandya, S.; Maddikunta, P.K.R.; Alazab, M.; Gadekallu, T.R. A Survey of Explainable Artificial Intelligence for Smart Cities. Electronics 2023, 12, 1020. [Google Scholar] [CrossRef]
  35. Fauzi, M.A.; Yang, B.; Blobel, B. Comparative Analysis Between Individual, Centralized, and Federated Learning for Smartwatch Based Stress Detection. J. Pers. Med. 2022, 12, 1584. [Google Scholar] [CrossRef] [PubMed]
  36. Muhammad, Z.; Amjad, F.; Iqbal, Z.; Javed, A.R.; Gadekallu, T.R. Circumventing Google Play vetting policies: A stealthy cyberattack that uses incremental updates to breach privacy. J. Ambient. Intell. Humaniz. Comput. 2023, 1–10. [Google Scholar] [CrossRef]
  37. AbdulRahman, S.; Tout, H.; Mourad, A.; Talhi, C. FedMCCS: Multicriteria client selection model for optimal IoT federated learning. IEEE Internet. Things J. 2020, 8, 4723–4735. [Google Scholar] [CrossRef]
  38. Rahman, S.A.; Tout, H.; Talhi, C.; Mourad, A. Internet of things intrusion detection: Centralized, on-device, or federated learning? IEEE Netw. 2020, 34, 310–317. [Google Scholar] [CrossRef]
  39. Wahab, O.A.; Mourad, A.; Otrok, H.; Taleb, T. Federated machine learning: Survey, multi-level classification, desirable criteria and future directions in communication and networking systems. IEEE Commun. Surv. Tutor. 2021, 23, 1342–1397. [Google Scholar] [CrossRef]
  40. Lian, Z.; Wang, W.; Huang, H.; Su, C. Layer-Based Communication-Efficient Federated Learning with Privacy Preservation. IEICE Trans. Inf. Syst. 2022, 105, 256–263. [Google Scholar] [CrossRef]
  41. Chen, Y.; Qin, X.; Wang, J.; Yu, C.; Gao, W. Fedhealth: A federated transfer learning framework for wearable healthcare. IEEE Intell. Syst. 2020, 35, 83–93. [Google Scholar] [CrossRef] [Green Version]
  42. Hakak, S.; Ray, S.; Khan, W.Z.; Scheme, E. A framework for edge-assisted healthcare data analytics using federated learning. In Proceedings of the 2020 IEEE International Conference on Big Data (Big Data), Atlanta, GA, USA, 10–13 December 2020; pp. 3423–3427. [Google Scholar]
  43. Grama, M.; Musat, M.; Muñoz-González, L.; Passerat-Palmbach, J.; Rueckert, D.; Alansary, A. Robust aggregation for adaptive privacy preserving federated learning in healthcare. arXiv 2020, arXiv:2009.08294. [Google Scholar]
  44. Choudhury, O.; Park, Y.; Salonidis, T.; Gkoulalas-Divanis, A.; Sylla, I. Predicting adverse drug reactions on distributed health data using federated learning. AMIA Annu. Symp. Proc. 2019, 2019, 313–322. [Google Scholar]
  45. Lian, Z.; Yang, Q.; Wang, W.; Zeng, Q.; Alazab, M.; Zhao, H.; Su, C. DEEP-FEL: Decentralized, Efficient and Privacy-Enhanced Federated Edge Learning for Healthcare Cyber Physical Systems. IEEE Trans. Netw. Sci. Eng. 2022, 9, 3558–3569. [Google Scholar] [CrossRef]
  46. Namvari, M.; Lipoth, J.; Knight, S.; Jamali, A.A.; Hedayati, M.; Spiteri, R.J.; Syed-Abdul, S. Photoplethysmography Enabled Wearable Devices and Stress Detection: A Scoping Review. J. Pers. Med. 2022, 12, 1792. [Google Scholar] [CrossRef]
  47. Iqbal, T.; Simpkin, A.J.; Roshan, D.; Glynn, N.; Killilea, J.; Walsh, J.; Molloy, G.; Ganly, S.; Ryman, H.; Coen, E.; et al. Stress Monitoring Using Wearable Sensors: A Pilot Study and Stress-Predict Dataset. Sensors 2022, 22, 8135. [Google Scholar] [CrossRef] [PubMed]
  48. Chen, J.; Abbod, M.; Shieh, J.S. Pain and stress detection using wearable sensors and devices—A review. Sensors 2021, 21, 1030. [Google Scholar] [CrossRef]
  49. Indikawati, F.I.; Winiarti, S. Stress detection from multimodal wearable sensor data. In Proceedings of the IOP Conference Series: Materials Science and Engineering; IOP Publishing: Bristol, UK, 2020; Volume 771, p. 012028. [Google Scholar]
  50. Bobade, P.; Vani, M. Stress detection with machine learning and deep learning using multimodal physiological data. In Proceedings of the 2020 Second International Conference on Inventive Research in Computing Applications (ICIRCA), Coimbatore, India, 15–17 July 2020; pp. 51–57. [Google Scholar]
  51. Zainudin, Z.; Hasan, S.; Shamsuddin, S.; Argawal, S. Stress Detection using Machine Learning and Deep Learning. J. Phys. Conf. Ser. 2021, 1997, 012019. [Google Scholar] [CrossRef]
  52. Vos, G.; Trinh, K.; Sarnyai, Z.; Azghadi, M.R. Machine Learning for Stress Monitoring from Wearable Devices: A Systematic Literature Review. arXiv 2022, arXiv:2209.15137. [Google Scholar] [CrossRef] [PubMed]
  53. Nijhawan, T.; Attigeri, G.; Ananthakrishna, T. Stress detection using natural language processing and machine learning over social interactions. J. Big Data 2022, 9, 33. [Google Scholar] [CrossRef]
  54. Li, R.; Liu, Z. Stress detection using deep neural networks. BMC Med. Inform. Decis. Mak. 2020, 20, 285. [Google Scholar] [CrossRef] [PubMed]
  55. Kumar, A.; Sharma, K.; Sharma, A. Hierarchical deep neural network for mental stress state detection using IoT based biomarkers. Pattern Recognit. Lett. 2021, 145, 81–87. [Google Scholar] [CrossRef]
  56. Can, Y.S.; Ersoy, C. Privacy-preserving federated deep learning for wearable IoT-based biomedical monitoring. ACM Trans. Int. Technol. 2021, 21, 1–17. [Google Scholar] [CrossRef]
  57. Javed, A.R.; Khan, H.U.; Alomari, M.K.B.; Sarwar, M.U.; Asim, M.; Almadhor, A.S.; Khan, M.Z. Toward explainable AI-empowered cognitive health assessment. Front. Public Health 2023, 11, 1024195. [Google Scholar] [CrossRef]
  58. Javed, A.R.; Faheem, R.; Asim, M.; Baker, T.; Beg, M.O. A smartphone sensors-based personalized human activity recognition system for sustainable smart cities. Sustain. Cities Soc. 2021, 71, 102970. [Google Scholar] [CrossRef]
  59. Shamseddine, H.; Nizam, J.; Hammoud, A.; Mourad, A.; Otrok, H.; Harmanani, H.; Dziong, Z. A novel federated fog architecture embedding intelligent formation. IEEE Netw. 2020, 35, 198–204. [Google Scholar] [CrossRef]
  60. Hammoud, A.; Mourad, A.; Otrok, H.; Wahab, O.A.; Harmanani, H. Cloud federation formation using genetic and evolutionary game theoretical models. Future Gener. Comput. Syst. 2020, 104, 92–104. [Google Scholar] [CrossRef]
  61. Rahman, H.; Naik Bukht, T.F.; Ahmad, R.; Almadhor, A.; Javed, A.R. Efficient Breast Cancer Diagnosis from Complex Mammographic Images Using Deep Convolutional Neural Network. Comput. Intell. Neurosci. 2023, 2023, 7717712. [Google Scholar] [CrossRef]
  62. Deng, L.; Yu, D. Foundations and Trends in Signal Processing: DEEP LEARNING–Methods and Applications. 2014. [Google Scholar]
Figure 1. Proposed federated learning framework overview.
Figure 1. Proposed federated learning framework overview.
Sensors 23 03984 g001
Figure 2. Deep neural network architecture.
Figure 2. Deep neural network architecture.
Sensors 23 03984 g002
Figure 3. Graphical visualization of client 1 highest-scoring outcome. (a) Validation and training accuracy of round 3; (b) Validation and training loss of round 3; (c) Receiver Operation Characteristic score of round 3.
Figure 3. Graphical visualization of client 1 highest-scoring outcome. (a) Validation and training accuracy of round 3; (b) Validation and training loss of round 3; (c) Receiver Operation Characteristic score of round 3.
Sensors 23 03984 g003
Figure 4. Visualization of client 2 highest-scoring results. (a) validation and training accuracy of round 3; (b) Validation and training loss of round 3; (c) Round 3 score of Receiver Operation Characteristic.
Figure 4. Visualization of client 2 highest-scoring results. (a) validation and training accuracy of round 3; (b) Validation and training loss of round 3; (c) Round 3 score of Receiver Operation Characteristic.
Sensors 23 03984 g004
Figure 5. Confusion matrices for both clients using proposed method.
Figure 5. Confusion matrices for both clients using proposed method.
Sensors 23 03984 g005
Table 1. Proposed model result of Client 1 for round 1. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
Table 1. Proposed model result of Client 1 for round 1. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
ClassesPRF1S
Transient0.980.990.9826,508
Baseline0.981.001.0013,191
Stress0.980.970.984713
Amusement0.990.980.984891
Meditation0.990.970.989789
Accuracy--0.9959,092
Macro Avg0.990.980.9859,092
Weighted Avg0.990.990.9959,092
Table 2. Proposed model result of Client 1 for round 2. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
Table 2. Proposed model result of Client 1 for round 2. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
ClassesPRF1S
Transient0.990.980.9826,508
Baseline0.991.001.0013,191
Stress0.990.960.974713
Amusement0.980.980.984891
Meditation0.990.990.999789
Accuracy--0.9959,092
Macro Avg0.990.980.9959,092
Weighted Avg0.990.990.9959,092
Table 3. Proposed model result of Client 1 for round 3. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
Table 3. Proposed model result of Client 1 for round 3. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
ClassesPRF1S
Transient0.990.980.9926,508
Baseline0.991.001.0013,191
Stress0.990.970.984713
Amusement0.961.000.984891
Meditation0.990.990.999789
Accuracy--0.9959,092
Macro Avg0.980.990.9959,092
Weighted Avg0.990.990.9959,092
Table 4. Proposed model result of Client 2 for round 1. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
Table 4. Proposed model result of Client 2 for round 1. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
ClassesPRF1S
Transient0.990.970.9835,183
Baseline0.950.990.971515
Stress0.980.970.979046
Amusement0.950.990.976746
Meditation0.960.980.977510
Accuracy--0.9860,000
Macro Avg0.970.980.9760,000
Weighted Avg0.980.980.9860,000
Table 5. Proposed model result of Client 2 for round 2. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
Table 5. Proposed model result of Client 2 for round 2. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
ClassesPRF1S
Transient0.990.980.9835,183
Baseline0.970.990.981515
Stress0.970.980.989046
Amusement0.950.990.976746
Meditation0.990.970.987510
Accuracy--0.9860,000
Macro Avg0.970.980.9860,000
Weighted Avg0.980.980.9860,000
Table 6. Proposed model result of Client 2 for round 3. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
Table 6. Proposed model result of Client 2 for round 3. Key: Precision-P; Recall-R; F1-score-F1; S-Support.
ClassesPRF1S
Transient0.990.980.9935,183
Baseline1.000.990.991515
Stress0.970.990.989046
Amusement0.960.990.986746
Meditation0.980.990.987510
Accuracy--0.9860,000
Macro Avg0.980.990.9860,000
Weighted Avg0.980.980.9860,000
Table 7. Comparison with previous techniques.
Table 7. Comparison with previous techniques.
AuthorsTechniquesAccuracyPrecisionRecallF1-Score
[55]CNN87.7NANaNA
[24]ML techniquesNANANA83.34
[23]ML techniques80.0NANANA
Proposed ApproachFL-DNN99.198.097.097.0
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Almadhor, A.; Sampedro, G.A.; Abisado, M.; Abbas, S.; Kim, Y.-J.; Khan, M.A.; Baili, J.; Cha, J.-H. Wrist-Based Electrodermal Activity Monitoring for Stress Detection Using Federated Learning. Sensors 2023, 23, 3984. https://doi.org/10.3390/s23083984

AMA Style

Almadhor A, Sampedro GA, Abisado M, Abbas S, Kim Y-J, Khan MA, Baili J, Cha J-H. Wrist-Based Electrodermal Activity Monitoring for Stress Detection Using Federated Learning. Sensors. 2023; 23(8):3984. https://doi.org/10.3390/s23083984

Chicago/Turabian Style

Almadhor, Ahmad, Gabriel Avelino Sampedro, Mideth Abisado, Sidra Abbas, Ye-Jin Kim, Muhammad Attique Khan, Jamel Baili, and Jae-Hyuk Cha. 2023. "Wrist-Based Electrodermal Activity Monitoring for Stress Detection Using Federated Learning" Sensors 23, no. 8: 3984. https://doi.org/10.3390/s23083984

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

Article Metrics

Back to TopTop