Patil S. A, Paithane A. N. Optimized EEG-Based Stress Detection: A Novel Approach. Biomed Pharmacol J 2024;17(4).
Manuscript received on :22-07-2024
Manuscript accepted on :10-10-2024
Published online on: 29-10-2024
Plagiarism Check: Yes
Reviewed by: Dr. Yerbolat Iztleuov
Second Review by: Dr. Sharath BS
Final Approval by: Dr. Prabhishek Singh

How to Cite    |   Publication History
Views  Views: 
Visited 82 times, 1 visit(s) today
 

Sangita Ajit Patil1* and Ajay N. Paithane2

1Department of Electronics and Telecommunication, Faculty at Pimpri Chinchwad College of Engineering (PCCOE) and Research Scholar at JSPMs Rajarshi Shahu College of Engineering, Savitribai Phule Pune University (SPPU), Pune, India.

2Department of Electronics and Telecommunication, Faculty at Dr. D.Y.Patil Institute of Engineering management and Research (DYPIEMR), Savitribai Phule Pune University (SPPU), Pune, India

Corresponding Author E-mail:phdsangita@gmail.com

 

Abstract

Mental stress from tight deadlines and financial worries often causes both mental and physical health issues, affecting productivity and decision-making. This study aims to improve stress detection by analyzing EEG signals, which provide a cost-effective, non-invasive method for tracking brain activity. Recent stress detection systems face challenges such as computational complexity, noisy data, and high dimensionality. This study introduces optimal feature selection in an EEG-based stress detection system using the Archimedes Optimization Algorithm (AOA) and Analytical Hierarchical Process (AHP). AOA balances exploration and exploitation, while AHP prioritizes EEG criteria. The system processes EEG data from the DEAP dataset, which includes recordings from 32 participants who watch 40 music clips. It operates in four main stages: enhancing EEG signals with Wavelet Packet Transform (WPT), extracting features, selecting relevant features with the AOA-AHP algorithm, and detecting stress using deep convolutional neural networks and long short-term memory networks (DCNN-LSTM). After evaluating various features with 244 EEG samples, the system optimizes to 350 key features, achieving 95.25% accuracy, 0.97 recall, 0.98 precision, and 0.98 F1 score. This setup enhances accuracy, reduces training time, and minimizes parameters, making it highly reliable for real-time mental stress detection.

Keywords

Archimedes optimization algorithm(AOA); Analytical Hierarchical Process(AHP); Deep Convolution Neural Network(DCNN); Electroencephalography(EEG); Long Short Term Memory(LSTM); Wavelet Packet Transform(WPT)

Copy the following to cite this article:

Patil S. A, Paithane A. N. Optimized EEG-Based Stress Detection: A Novel Approach. Biomed Pharmacol J 2024;17(4).

Copy the following to cite this URL:

Patil S. A, Paithane A. N. Optimized EEG-Based Stress Detection: A Novel Approach. Biomed Pharmacol J 2024;17(4). Available from: https://bit.ly/4e1f0GN

Introduction

Mental stress disrupts daily life and can lead to health issues such as hypertension, anxiety, and depression1. Stress can be acute or chronic and arise from mental, physical, or emotional stressors2. Traditional assessments, including self-report questionnaires, tend to be subjective and prone to bias, whereas physiological measurements such as EEG provide a more objective evaluation 3. Wearable sensors monitor mental stress in various daily situations, including stressful work environments, academic pressures, and challenging driving conditions.4. Researchers analyze various biosignal patterns to investigate stress5. EEG signals capture magnitude, frequency, power, and phase, providing rich, multi-dimensional information and high temporal resolution to detect rapidly changing cognitive data6.EEG is a user-friendly, low-cost method for studying brain function. Researchers use non-invasive scalp electrodes to record brain activity in five frequency bands—delta, theta, alpha, beta, and gamma—each associated with distinct mental states7.

In EEG-based mental stress evaluation, key processes include feature extraction, selection, and classification. Features fall into time-domain, frequency-domain, and statistical categories and are fed into machine learning classifiers to assess stress levels. Traditional methods rely heavily on accurate feature selection for effective classification8. Recently, deep learning architectures have gained traction in mental stress evaluation9. The whale optimization approach enhances the accuracy of stress detection models and recommends refining feature selection techniques to improve stress detection systems through further research10.

To tackle challenges such as computational complexity, noisy data, and high dimensionality, the system gracefully integrates Wavelet Packet Transform (WPT) and AOA with the hybrid DCNN-LSTM approach. This innovative combination provides a more robust and accurate solution for stress detection. Section I provides background and context through a literature review on mental stress detection. Section II details the proposed novel stress detection model, which integrates AoA-AHP optimized feature selection and deep learning algorithms. Section III discusses experimental results and the future scope of the stress detection system.

The proposed novel stress detection model

 The proposed stress detection system improves accuracy by addressing noise and complexity issues through advanced preprocessing, innovative feature selection techniques, and a deep learning approach. This model sets a new benchmark with superior accuracy in identifying stress from EEG signals, surpassing existing models. It uses Wavelet Packet Transform (WPT) to minimize noise, integrates the Archimedes Optimization Algorithm (AOA) with the Analytical Hierarchical Process (AHP) for precise feature selection, and employs Deep Convolutional Neural Networks (DCNN) with Long Short-Term Memory (LSTM) for in-depth analysis. This cutting-edge approach enhances data quality, improves computational efficiency by reducing training time and parameters, and ensures reliable stress monitoring. The model tests the DEAP database, which includes EEG recordings from 32 healthy participants (50% female, ages 19-37) who watch 40 one-minute music video clips. Data records at 512 Hz with 32 AgCl electrodes (10-20 system) and is downsampled to 128 Hz before preprocessing and segmenting in Matlab.

Figure 1: Four primary stages of the proposed novel stress detection model

 

Click here to view Figure

 

The system, illustrated in Figure 1, includes four stages: WPT enhancement, feature extraction, AOA-AHP selection, and DCNN-LSTM detection. Its performance is assessed based on accuracy, precision, recall, F1-score, training time, and parameter count.

Enhancing EEG signals via Wavelet Packet Transform

Figure 2 presents the process flow of the suggested WPT-based EEG signal enhancement method and explains the breakdown and reconstruction of the signal.

Figure 2: Enhancing EEG signals via WPT

 

Click here to view Figure

 

This method uses Wavelet Packet Transform (WPT) and Donoho’s soft thresholding to remove noise from EEG signals by adjusting wavelet coefficients based on a set threshold as follows.

Where:

wi,j is the thresholded wavelet coefficient.

​ xi,j is the original wavelet coefficient.

β and α are parameters that control the shape and behavior of the threshold

Th is the threshold value.

λ is a value that differentiates between two thresholding behaviors.

sgn( wi,j​) is the sign function, which returns -1, 0, or 1 depending on the sign of wi,j

Extracting multiple EEG features

This stress detection study extracts various EEG features to identify stress. It includes time-domain measures like Mean, Standard Deviation (S.D.), Variance, Median, Skewness, and Zero-Crossing Rate (ZCR) and temporal features such as Shannon Entropy, Nonlinear Energy, and Line Length. In the frequency domain, the study assesses features like Energy, Instantaneous Wavelet Mean Frequency (IWMF), and Instantaneous Wavelet Band Frequency (IWBF). It also incorporates spectral features such as Kurtosis and Hjorth Parameters (Activity, Mobility, Complexity) to capture stress-related changes. The study applies encoding techniques like Local Binary Patterns (LBP), Local Non-Directional Patterns (LNDP), and Local Gradient Patterns (LGP) to transform time series data into stress-indicative patterns. The Wavelet Packet Transform (WPT) provides detailed information across various frequency bands to enhance stress detection11.

Relevant features selection using the AOA-AHP algorithm

The study uses the Archimedes Optimization Algorithm (AOA) and the Analytical Hierarchical Process (AHP) for feature selection12. AOA effectively optimizes feature subsets by balancing exploration and exploitation, while AHP enhances feature relevance by assigning relevant weights 13. This approach is more precise and interpretable than Principal Component Analysis (PCA), which may need to capture non-linear relationships more effectively. Integrating AHP, AOA overcomes challenges with random weight assignments and refines the feature selection process14.

AOA Algorithm

Step 1: Initialization phase

Initialization of the random object population that represents the possible combination of the feature set is given by Equation 1

If i = 1, 2,…N, then

Here, Oi is the ith object in the population of N objects. Ubi and lbi are the exploration space’s lower and upper bounds, and a rand is a random number between [0,1]. Equations 2 and 3 arbitrarily initialize the volume, densities, and acceleration.

Step 2: Assess and select the object with the most suitable fitness value using AHP.

Compute the fitness for all objects and select the object with the best fitness value using equation 4.

Here, CV indicates the covariance of features, EN represents the entropy of features, and RII represents the ratio of inter-class to intra-class variability of the features. The weights Wx , Wy, and Wz decide the weight of each decision variable for feature selection, such as Wx+Wy+Wz= 1. Choose the weights Wx , Wy, and Wz based on the AHP algorithm and use them as decision criteria. Based on the best fitness value, select an object with   denbest  , volbest, and accbest  

Step 3: Update of Density and Volume in Iterative Process

For each iteration, update the density and volume of the ith objects according to equations 5 and 6, respectively.

In these equations, denbest, and volbest represent the density and volume of the best object, respectively.

Step 4: Compute Transfer and Density Factors

Initially, items collide, leading objects to attempt to reach an equilibrium condition. AOA accomplishes this equilibrium condition by utilizing the transfer operator TF, which converts the search process from exploration to exploitation, as described in equation 7.

In this context, “t” represents the current iteration, and “max” denotes the maximum iterations. The T.F. (Transfer Function) steadily increases, indicating exploration progress. Along with  T.F., the density factor aids the AOA in transitioning from global to local search, gradually minimizing over time using equation 8. Effectively managing these variables ensures a balance between exploration and exploitation in AOA.

Step 5: Exploration stage

If the value of T.F. is less than or equal to 0.5, it indicates a collision between objects. In this scenario, AOA selects a random material (rm) and updates the object’s acceleration for the next iteration (t + 1) using equation 9.

Where  denrm, volrm, and accrm the density, volume, and acceleration of random material

Step 6: Exploitation stage

If the value of T.F. is more significant than 0.5, it indicates no collision between objects. In this case, the object’s acceleration is updated for the next iteration (t + 1) using equation 10.

Where denbest, volbest, and accbest are the density, volume, and acceleration of the best object

Step 7: Normalization Stage

Equation 11 standardizes the value of “acc” with the lower bound (l) and upper bound (u) for normalization set at 0.1 and 0.9, respectively.

When object Oi is far from the global optimum, its high acceleration indicates exploration, while closer objects enter exploitation. This transition, marked by decreasing acceleration, helps find the global optimum while avoiding poor local solutions and maintaining a balance between exploration and exploitation.

Step 8: Position upgradation stage

The algorithm updates the positions of objects according to exploration as following Equation 12.

Where C1 =2 (constant), in this experiment, the algorithm updates the positions of objects according to exploitation as follows in Equation 13.

In this experiment, with C2 at 6, T increases over time and initially reduces the ideal site by a low percentage, creating large step sizes. As T increases, the rate rises, narrowing the gap between the best and current positions and balancing exploration and exploitation.

Step 9: Compute fitness for each object and then return an object with the best fitness value

This method identifies and selects the optimal EEG features to boost stress detection accuracy.

Stress detection through DCNN-LSTM

Existing deep neural networks face limitations such as managing high computational complexity and addressing high dimensionality, which often decrease accuracy and reliability in stress detection. To effectively overcome these challenges, this study develops a hybrid Deep Convolutional Neural Network (DCNN) and Long Short-Term Memory Network (LSTM) model. The DCNN processes the 1D feature vector through convolutional layers, using Batch Normalization and ReLU activation functions to stabilize and accelerate training. Pooling layers then reduce dimensionality and highlight the most significant features. The LSTM captures temporal dependencies by managing long-term relationships with memory cells, gates, and activation functions like Sigmoid and Tanh. Combining DCNN and LSTM into PDCNN-LSTM allows for a comprehensive analysis of both spatial and temporal dynamics, providing a more accurate and robust solution for stress detection compared to existing architectures.

Experimental Results and Discussions

This research uses EEG to detect stress and mitigate its impact on mental health. It enhances EEG signal quality with preprocessing techniques and extracts stress-related features from alpha and beta waves. The study applies various machine learning algorithms to these features, including Linear Support Vector Machine (LSVM), Radial Basis Function Support Vector Machine (RSVM), Polynomial Support Vector Machine (PSVM), K-Nearest Neighbors (KNN), Classification Trees (C.T.), and Ensemble Systems (E.S.). To evaluate the effectiveness of these algorithms, it analyzes 244 EEG samples—104 from normal conditions and 140 from stress conditions. In the EEG-based stress detection model, accuracy measures the proportion of correctly classified stress and non-stress instances out of the total predictions. The model also calculates additional metrics such as precision, recall, and F1-score, as shown in Table 1.

Table 1: Comparative Analysis of Machine Learning Algorithms

Accuracy

Accuracy

Recall

Precision

F1 score

LSVM

46.6

42.9

34.3

38.12

RSVM

52.2

30.3

45.5

36.37

PSVM

54.8

17.9

33.3

23.28

KNN

39.7

66

39.7

56.83

C.T.

54.8

72

54.8

70.80

E.S

49.3

69

49.3

66.04

 

Optimization techniques enhance stress detection accuracy in machine learning by improving efficiency, preventing overfitting, and optimizing feature selection. This study combines AoA-AHP feature selection with a hybrid DCNN-LSTM approach and evaluates model performance using accuracy, precision, recall, and F1-score across four configurations:

DCNN-LSTM: Uses raw, noisy EEG features.

WPT-DCNN-LSTM: Denoise EEG with WPT before extraction.

AOA-DCNN-LSTM: Selects features with AOA from raw EEG.

WPT-AOA-DCNN-LSTM: Denoise EEG with WPT selects features with AOA and integrates them into the model.

Figure 3: Comparative Analysis of Performance Evaluation Measures

 

Click here to view Figure

 

The stress detection system evaluates and measures performance parameters like accuracy, recall, precision, and F1-score. Figure 3 shows that performance metrics improve with up to 350 features, after which non-salient features slightly reduce performance. The analysis highlights that DCNN-LSTM achieves 91.5% accuracy with 1.2M parameters and 18 minutes of training; WPT-DCNN-LSTM reaches 92.7% accuracy with the same parameters in 16 minutes; AOA-DCNN-LSTM achieves 94.3% accuracy with 800K parameters in 14 minutes; and WPT-AOA-DCNN-LSTM leads with 95.25% accuracy, 800K parameters, and 10 minutes of training. The proposed system significantly reduces training time and the number of trainable parameters.

Table 2: Performance evaluation of proposed stress detection system against state-of-the-art  

Author

No. of subjects

Preprocessing

Frequency

Deep learning model

Accuracy

Penchina B15

8

High pass,

low pass,

band pass

Whole range (0.5–30 )Hz

CNN

60.21%

Jebelli H16

10

60 Hz low pass, 0.5 Hz high pass

Whole range 0.5–30 Hz

Deep CNN

64.20%

Khan T 17

10

Bandpass, mean filter,

Whole range 0.5–30 Hz

CNN

77.90%

Kamińska D18

28

0.2 Hz High-pass, 45 Hz low-pass

Whole range 0.5–30 Hz

CNN

87.50%

Zeng H19

10

ICA, band pass, normalized using z-score

Whole range 0.5–30 Hz

EEG-Conv

82.95%

Martınez-R 20

32

3 Hz high pass, 45 Hz low pass

Whole range 0.5–30 Hz

3-D AlexNet CNN

86.12%

Fu R 21

22

Bandpass

Whole range 0.5–40 Hz

Symmetric DCAN

87.62%

A. M. Mane 22

23

Bandpass

Whole range 0.5–40 Hz

2-DCNN

93.00%

Sundaresan A 23

8

High pass, low pass, band pass

Whole range 0.5–30 Hz

Two-layer LSTM

93.27%

Kuanar S24

25

Bandpass

Alpha-beta & Theta

Hybrid CNN+ LSTM

84.48%

Das Chakladar25

48

4–32 Hz Bandpass

Alpha & theta

GWO+ BLSTM-LSTM

82.57%

Proposed Stress detection System

32

A Bandpass Filter from 4 Hz to 45 Hz

Alpha-beta

WPT-AOA-DCNN-LSTM

95.25%

 

The proposed stress detection system surpasses state-of-the-art methods and achieves an outstanding accuracy of 95.25%. It outperforms other models, including Sundaresan A’s two-layer LSTM, which achieves 93.27% accuracy, and A. M. Mane’s 2-DCNN, which reaches 93.00%. The system applies a bandpass filter from 4 Hz to 45 Hz and integrates Wavelet Packet Transform (WPT) with the Archimedes Optimization Algorithm (AOA) for feature selection. It combines deep convolutional neural networks (DCNN) with long short-term memory (LSTM) networks. This approach effectively tackles challenges like computational complexity, noisy data, and high dimensionality, delivering superior performance compared to methods that use simpler preprocessing and model structures.

Conclusion

This study introduces a novel EEG-based stress detection system that combines the Archimedes Optimization Algorithm (AOA) and the Analytical Hierarchical Process (AHP) with deep convolutional neural networks and long short-term memory networks (DCNN-LSTM). The system achieves 95.25% accuracy, 0.97 recall, 0.98 precision, and 0.98 F1 score by effectively selecting features and reducing noise. The DEAP dataset, which includes EEG recordings from 32 participants exposed to 40 music video clips, demonstrates the system’s effectiveness and reliability. By integrating Wavelet Packet Transform (WPT) and AOA with the hybrid DCNN-LSTM approach, the system addresses challenges like computational complexity and noisy data, delivering a highly accurate and efficient solution for real-time stress management through EEG signals. This method surpasses existing approaches and significantly improves real-time stress management. Future research enhances stress detection by integrating diverse datasets, refining preprocessing techniques to minimize noise, expanding feature extraction methods, exploring more accessible hardware solutions, and incorporating real-world stress scenarios to boost the model’s accuracy and applicability across various populations and environments.

Acknowledgment

We thank the DEAP dataset creators and participants for providing essential EEG recordings. We also appreciate the support from our colleagues in the E & TC Department of PCCOE and our research centre, along with the unwavering support from our families and friends.

Funding Sources

The author(s) received no financial support for the research, authorship, and/or publication of this article.

Conflict of Interest

The author(s) do not have any conflict of interest

Data Availability Statement

This statement does not apply to this article.

Ethics Statement

This research did not involve human participants, animal subjects, or any material that requires ethical approval.

Informed Consent Statement

This study did not involve human participants, and therefore, informed consent was not required.

Clinical Trial Registration

This research does not involve any clinical trials

Authors’ Contribution

Sangita Patil: Conceptualized the study, developed the methodology, collected and analyzed data, and written and edited the manuscript.

Ajay Paithane: Visualization, supervision the project, managing administration, and reviewing and editing of the manuscript.

References

  1. Thakurdesai P, Nimse S, Kore P, Aswar U. Standardized Extract from the Gotu Kola Leaves Improves Suicidal Behavior in Stressed Rats Subjected to Social Isolation. Biomed Pharmacol J.  2024; 17:687-697. doi:10.13005/bpj/2896
    CrossRef
  2. Muliarta I, Wirata G, Tunas I. Academic Stress in Medical Students during 3 Different States: Holiday, Lecture, and Exams. Biomed Pharmacol J.  2023; 16:493-501. doi:10.13005/bpj/2630
    CrossRef
  3. Agrawal J, Gupta M, Garg H. Early Stress Detection and Analysis using EEG signals in Machine Learning Framework. IOP Conference Series: Materials Science and Engineering. 2021;1116:012134. doi:10.1088/1757-899X/1116/1/012134
    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. doi:10.1109/ACCESS.2021.3085502
    CrossRef
  5. Giannakakis G, Grigoriadis D, Giannakaki K, Simantiraki O, Roniotis A, Tsiknakis M. Review on psychological stress detection using biosignals. IEEE Trans Affective Comput. 2019;10(4):343-357. doi:10.1109/TAFFC.2019.2927337.
    CrossRef
  6. Cheng, C. Fan, H. Fu, J. Huang, H. Chen , X. Luo. Measuring and Computing Cognitive Statuses of Construction Workers Based on Electroencephalogram: A Critical Review. IEEE Transactions on Computational Social Systems. 2022; 9( 6): 1644-1659. doi: 10.1109/TCSS.2022.3158585.
    CrossRef
  7. Joshi V., Ghongade R. Optimal Number of Electrode Selection for EEG Based Emotion Recognition using Linear Formulation of Differential Entropy. Biomed Pharmacol J. 2020; 13:645-653.doi.org/10.13005/bpj/1928
    CrossRef
  8. Badr Y, Tariq U, Al-Shargie F, Babiloni F, Al Mughairbi F, Al-Nashash H. A review on evaluating mental stress by deep learning using EEG signals. Neural Comput Appl. 2024;36(21):12629-12654. doi:10.1007/s00521-024-09809-5
    CrossRef
  9. Emmert-Streib F, Yang Z, Feng H, Tripathi S, Dehmer M. An Introductory Review of Deep Learning for Prediction Models With Big Data. Front Artif Intell. 2020;3:4. doi:10.3389/frai.2020.00004
    CrossRef
  10. Sharma L, Vijay Bohat V .Evolutionary inspired approach for mental stress detection using EEG signal.Elsevier Journal – Expert Systems with Application.2022; 197:116634. doi.org/10.1016/j.eswa.2022.116634
  11. Boonyakitanont P, Lek-uthai A, Chomtho K, Songsiri J. A review of feature extraction and performance evaluation in epileptic seizure detection using EEG. Biomed Signal Process Control. 2020;57:101702. doi:10.1016/j.bspc.2019.101702
    CrossRef
  12. Mengash H, Alruwais N, Kouki F, Singla C, Elhameed E, Mahmud A. Archimedes Optimization Algorithm-Based Feature Selection with Hybrid Deep-Learning-Based Churn Prediction in Telecom Industries. Biomimetics. 2024;9(1):1. doi:10.3390/biomimetics9010001
    CrossRef
  13. A. Hashim F, Hussain K, Houssein E, Mabrouk M, Al-Atabany W. Archimedes optimization algorithm: a new metaheuristic algorithm for solving optimization problems. Appl Intell. 2021;51:1531-1551. doi:10.1007/s10489-020-01893-z
    CrossRef
  14. Lahbib K, el Akkad N, Satori H, Satori K. A Feature Selection Approach Based on Archimedes’ Optimization Algorithm for Optimal Data Classification. Int J Interact Multimed Artif Intell. 2023; In Press. doi:10.9781/ijimai.2023.01.005
    CrossRef
  15. Penchina B, Sundaresan A, Cheong S, Martel A. Deep LSTM Recurrent Neural Network for Anxiety Classification from EEG in Adolescents with Autism. In: Brain Informatics: 13th International Conference, B.I. 2020, Padua, Italy, September 19, 2020, Proceedings. Springer-Verlag; 2020:227–238. doi:10.1007/978-3-030-59277-6_21
    CrossRef
  16. Jebelli H, Khalili M, Lee S. Mobile EEG-based Workers’ Stress Recognition by Applying Deep Neural Network. In: Proceedings of the IEEE International Conference on Acoustics, Speech, and Signal Processing. 2018; 173-180. ISBN 978-3030002190
    CrossRef
  17. Khan T, Javed H, Amin M, Usman O. EEG Based Aptitude Detection System for Stress     Regulation in Health Care Workers. Scientific Programming. 2021;2021(2):1-11. doi:10.1155/2021/4620487
    CrossRef
  18. Kamińska D, Zwoliński G, Smółka K. Detection of Mental Stress through EEG Signal in Virtual Reality Environment. Electronics. 2021;10(2):2840. doi:10.3390/electronics10222840
    CrossRef
  19. Zeng H, Yang C, Dai G, Qin F, Zhang J, Kong W. EEG classification of driver mental states by deep learning. Cogn Neurodyn. 2018;12:597-606  doi:10.1007/s11571-018-9496-y
    CrossRef
  20. Martinez Rodrigo A, Garcia B, Huerta A, Alcaraz R. Detection of Negative Stress through Spectral Features of Electroencephalographic Recordings and a Convolutional Neural Network. Sensors. 2021;21(9):3050. doi:10.3390/s21093050
    CrossRef
  21. Fu R, Chen YF, Huang Y, Chan S, Duan F,Jiang D,Gao J,Zhang M,Chang C. Symmetric Convolutional and Adversarial Neural Network Enables Improved Mental  Stress Classification From EEG. IEEE Trans neural Syst Rehabil Eng. 2022;30:1384-1400. doi:10.1109/TNSRE.2022.3174821
    CrossRef
  22. Mane M, Kumar SP, Varma TJ, Patel PA. Novel imaging approach for mental stress detection using EEG signals. In: Proceedings of the Academia-Industry Consortium on Data Science and Engineering; Springer; 2022, 1386.:25-36.
    CrossRef
  23. Sundaresan A, Penchina B, Cheong S, Grace V, Valero-Cabré A, Martel A. Evaluating deep learning EEG-based mental stress classification in adolescents with autism for breathing entrainment BCI. Brain informatics. 2021;8(1):13. doi:10.1186/s40708-021-00133-5
    CrossRef
  24. Kuanar S, Athitsos V, Pradhan N, Mishra A, Rao KR. Cognitive analysis of working memory load from EEG, by a deep recurrent neural network. In: 2018 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP). 2018:2576-2580. doi:10.1109/ICASSP.2018.8462243.
    CrossRef
  25. Das Chakladar D, Dey S, Roy P, Dogra D. EEG-based mental workload estimation using deep BLSTM-LSTM network and evolutionary algorithm. Biomed Signal Process Control. 2020;60:101989. doi:10.1016/j.bspc.2020.101989.
    CrossRef
Share Button
Visited 82 times, 1 visit(s) today

Creative Commons License
This work is licensed under a Creative Commons Attribution 4.0 International License.