
Review Article
Gerontol Geriatr Res. 2025; 11(1): 1108.
Advancing Epilepsy Diagnosis: Insights from EEG Signal Analysis with SVM and CNN
Liqiang Zhang1#; Ting Wang1*#; Yu Xia1; Chenglong Cai1; Conghao Lin1; Weiran Zhu2; Yixin Zhang1; Zhangqi Feng3; Nongyue He1
1School of Biological Science and Medical Engineering, Southeast University, Nanjing, 210096, China
2Nanjing University of Science and Technology, Nanjing, 210094, China
3SceneRay Co., Ltd., Suzhou, 215123, China
*Corresponding author: Ting Wang, School of Biological Science and Medical Engineering, Southeast University, Nanjing, 210096, China. Email: tingwang@seu.edu.cn
#These authors contributed equally to this work.
Received: December 16, 2024; Accepted: January 03, 2025; Published: January 09, 2025
Abstract
Epilepsy is a common neurological disorder in elderly populations, often linked to age-related conditions such as stroke and neurodegeneration. Traditional EEG signal analysis for epilepsy diagnosis is time-consuming, subjective, and unsuitable for clinical use, emphasizing the necessity for automated approaches. This study evaluates the performance of Support Vector Machine (SVM) and Convolutional Neural Network (CNN) in classifying EEG signals for epileptic seizure detection, utilizing the Bonn University EEG dataset. Time- and frequency-domain features were extracted, and 10-fold cross-validation was employed to validate the results. The findings reveal that SVM achieved 100% accuracy in distinguishing simple EEG states, such as healthy versus seizure conditions. Meanwhile, CNN outperformed SVM in processing more complex signals, achieving an average accuracy of over 98%. The results highlight the potential of integrating traditional machine learning with deep learning methods to enhance diagnostic accuracy and efficiency. These findings lay a strong foundation for developing advanced EEG-based diagnostic tools tailored to elderly epilepsy patients, facilitating more timely and effective clinical interventions.
Keyword: Seizures; Electroencephalogram; Machine learning; Pattern recognition
Introduction
Epilepsy is one of the long-term, non-infectious neurological conditions that characterized by periodic seizures and temporary dysfunction caused by abnormal discharges of neurons in the brain. Seizures will arise movement issues, issues controlling urine or bowel movements, unconsciousness, or other cognitive impairment. Until now epilepsy can be examined or predicted using Electroencephalography (EEG) data [1,2].
Seizures are often investigated using a 20-minute pre-seizure recording. However, in the event of uncommon seizure identification, long-term EEG recordings are required, which takes time. The visual analysis of EEG to identify seizures is not the same as human expertise. For this reason, computerized epileptic seizure diagnosis is crucial in the clinical context. The process of extracting hidden patterns from EEG signals in order to identify seizures is known as pattern recognition [5,8]. Numerous feature extraction techniques, during EEG signal analysis, researchers typically perform feature selection before applying classification methods. EEG signals encompass various features, including time-domain, frequency-domain, peak, and time-frequency domain characteristics, which carry extensive information. Determining the most suitable features for different classification algorithms, such as support vector machines, Bayesian neural networks, decision trees, and random forests, represents a significant and challenging research focus. EEG signals carry extensive information about the human body, particularly in patients with mental illnesses. These signals can, to some extent, indicate the timing of seizures. In recent years, EEG analysis has been widely applied in disease detection, including conditions such as obsessivecompulsive disorder, Alzheimer's disease, and epilepsy, with the latter being the most commonly detected and predicted disorder, and scholars have developed many automatic detection algorithms for EEG signal analysis, which are used to identify different epileptic states by converting the EEG information into different outputs, Epileptic seizures can be categorized into three phases: pre-seizure, inter-seizure, and seizure. The EEG signals during these phases exhibit significant differences, which can be effectively identified using distinct EEG signal characteristics. The main purpose of EEG signal-based detection algorithms is to make the detection process more accurate and faster, different machine learning algorithms have been applied in recent years, where semi-supervised learning and detection algorithms are combined to classify the epileptic status using EEG signals. Deep learning algorithms are also widely used for automatic classification of epilepsy, using the self-learning properties of deep learning algorithms to automatically classify epileptic and normal patients by features, deep learning has also achieved good results in this area, these algorithms employ time-frequency maps and integrate them with deep learning for algorithmic analysis, demonstrating high accuracy and precision. This suggests that combining imaging techniques with deep learning could be a promising approach to enhance the accuracy of EEG signal-based epilepsy detection algorithms in the future. Subasi (2007) proposed a classification scheme for epileptic EEG signals using Discrete Wavelet Transform DWT, which first divides the EEG signals into several different frequency subbands, and by the different eigenvalues that can be obtained in the coefficients of the DWT, the appropriate eigenvalues are selected for classification, and this method achieves 94.5% accuracy, 94% specificity and 95% sensitivity.
Recently, some scholars have started to apply Support Vector Machine (SVM) algorithm to EEG signals, before that, SVM has been applied to image and video recognition in a large number of fields, and after the EEG signals processed by SVM have obtained excellent results, SVM is more and more used for epileptic seizure prediction, because SVM has been widely used in other fields researchers are very familiar with the algorithm, so applying SVM to new fields is reasonable and has a certain degree of sensitivity. Since SVM have been widely used in other fields and researchers are familiar with the algorithms, applying SVM to new fields is reasonable and has some advantages. The SVM is a widely used machine learning algorithm for epilepsy diagnosis and prediction. It efficiently processes EEG signal data to distinguish between seizure and non-seizure states. By extracting time-domain, frequency-domain, and time-frequencydomain features from EEG signals, SVM achieves high accuracy in various classification tasks. EEG signals, characterized by complex high-dimensional features, are well-suited for SVM processing. By selecting appropriate kernel functions, SVM can handle both linear and nonlinear patterns in EEG signals effectively. Studies indicate that SVM-based EEG signal classification algorithms typically achieve accuracies exceeding 90%, particularly in detecting epileptic seizure states. However, the large volume of EEG data presents challenges, including the high cost of data labeling and the difficulty of selecting the most discriminative features for analysis.
Nicolaou (2012) used aligned entropy features together with SVM as a classifier to achieve 99.77% accuracy for ABCD-E in the Bonn dataset, and 93.55% accuracy for classes A-E. Gandhi, Panigrahi, and Anand (2010) also used SVM as a classifier. The feature extraction is done by first using wavelet transform to obtain features such as entropy, standard deviation etc. from the EEG signals and ABCD-E can also achieve 95.44% accuracy. The vast majority of the work on EEG signals for disease recognition can be done using Support Vector Machines (SVM) and Deep Learning, which are common classifiers used to differentiate between EEG signals of epileptic patients and normal people, where Support Vector Machines in support vector machine achieves a good accuracy for all A-E classes, but it is significantly less accurate than deep learning when dealing with other diseases (e.g., B-E, B-C, C-E).
Classification and quantity of features will affect accurate classification of patterns. To increase the classification accuracy of seizure detection, we combine several feature extraction and classification strategies and apply the pattern recognition methods described. It was suggested that the classifier has the greatest impact on the recognition results, followed by the selection of feature values, and the appropriate feature values paired with the classifier can greatly improve the recognition accuracy. The aim of this study is to evaluate the pattern recognition accuracy of deep learning and classical machine learning on the same set of wire data and to find out the best pattern recognition technique for accurate diagnosis of epileptic seizures. In which in the recognition distinction between groups A-E, both machine learning patterns achieved the best results reached 100% accuracy, while in the other groups of comparative recognition, deep learning is greater than the traditional machine learning in terms of recognition accuracy.
Related Work
The interaction ideas and techniques that are closely related to integrated embodiment are presented in this section. These include shared agency, technological embodiment, and human-computer integration.
Dataset Description
The training dataset used in this study is a publicly available dataset from the University of Bonn, frequently referenced in numerous published papers for epilepsy detection and prediction studies. Data acquisition was conducted by Andrzejak et al. in 2001 using the standard 10-20 system of brain electrodes. After acquisition, the dataset was categorized into four groups: EEG signals from individuals without epilepsy with eyes open (A), individuals without epilepsy with eyes closed (B), individuals with epilepsy during interictal states (C), and individuals with epilepsy during seizure states (E). The data were recorded at a sampling frequency of 173.61 Hz, with each segment having a duration of 23.6 seconds.
We aim to evaluate the performance of traditional machine learning and deep learning methods in seizure detection for epilepsy, focusing on both time efficiency and accuracy. However, the current dataset is insufficient for training deep learning models effectively. To address this, we propose augmenting the dataset to achieve a size suitable for deep learning training.
We used a sliding window model for data augmentation, in (T. Zhang et al, 2017), the authors used a sliding window with a window size of 512 and a step size of 480, while we use a sliding window with a window size of 512 and a step size of 64 (87.5% overlap).
The signals are first divided into a training dataset and a test dataset, which account for 90% and 10% of the total dataset, respectively, and then expanded using a sliding window, so that each signal in the training set with a length of 4097 is partitioned into 57 new signals, each of which can be considered independent. In this way new signals are created for each category, totaling 5130 signal instances, which are used to train the CNN model afterwards.
EEG Data Segmentation
The EEG dataset we used is from the open wire EEG dataset from the University of Bonn, Germany, which consists of five sets of EEGs in different states A-E, the data's were recorded for 23.6 seconds and 100 different channels were recorded, A-E are the EEG data in different states, where A,B were recorded in five non-epileptic individuals in the eyes open and closed states, and the dataset C was recorded in epileptic patients during the pre-seizure period, the activity of the hippocampus, data set D is the epileptic data of the focal area during the pre-seizure period, and data set D is the epileptic focal area during the seizure period, all the recorded data went through a 128-channel amplifier with a sampling rate of 173.61 Hz, and the final data obtained were 4097 samples, and by segmenting the data to divide the 4097 samples into sizes of 512 data segments, finally we can get eight groups of data segments, we extract the statistical eigenvalues of the data by using discrete wavelet transform to obtain the statistical features of each data segment, and use the technique of pattern recognition for epileptic EEG segmentation.
Design Exemplar
In that part, we use both classic machine learning approaches and deep learning-based neural networks to detect the identical collection of epileptic EEG data. Subsection 3.1 describes a series of feature extraction using raw EEG signals in the traditional machine learning approach; DWT decomposition is used to obtain the feature values, and then SVM is used for classification; and subsection 3.2 presents the structural model of cnn and how to construct the classifier.
Traditional Classification of Machine Learning Methods
We utilize DWT to extract features because, from the perspective of the accuracy of the retrieved features, it is a better and more efficient procedure than typical machine learning approaches, which require us to have a process of processing the data to get the feature values. DWT is a multiscale signal analysis approach whose fundamental idea is to employ wavelet basis functions to divide the signal into several subbands of different frequencies, after which the signal may be analyzed and processed. It is a multilayer decomposition, in contrast to regular orthogonal transformation. In the figure2, the signal is decomposed across three layers. In the first layer, it is split into a high-frequency component (D1) and a low-frequency component (A1), each with a length equal to half of the total signal length. In the second layer, the low-frequency component (A1) is further decomposed into a high-frequency part (D2) and a low-frequency part (A2), each with a length equal to half of A1. This process continues iteratively in subsequent layers. However, the total length of the decomposition results remains N. The signal is broken down into high-frequency part D3 and low-frequency part A3, each having length N/8, using continuous decomposition. remains N.
The approximate signal can be broken down into numerous low-resolution components by repeatedly undergoing a continuous decomposition procedure. Although the decomposition process can theoretically go on forever, in reality, the number of decomposition layers that is right for a given signal is typically determined by the signal's properties or other relevant factors.
a. Statistical Features: Statistical attributes, including mean, median, mode, standard deviation, minimum, maximum, skewness, and kurtosis, were extracted from the segmented EEG signals. Among these, mean, skewness, and kurtosis were highlighted due to their relevance to the analysis.
b. Non-linear features:
Hjorth parameters are a set of statistics used to characterize the time domain of a signal, including Activity, Mobility and Complexity. They can be used to analyses EEG signals, Electrocardiogram (ECG) signals, etc. Hurst components provide a way to measure fractals.
After obtaining the desired feature values, we use SVM to classify the extracted features which are used as inputs to SVM. After obtaining the desired feature values, we use SVM to classify the extracted features and use them as input to SVM. Here we obtain similar conclusions to those reached by Nicolaou and Georgiou (2012) using SVM as a classifier, where more than 99% accuracy can be achieved in the case of A-E in the University of Bonn dataset. The maximum accuracy for other diseases such as B-E, C-E, D-E, ABCD-E is around 95%.
Classification of Deep Learning Methods
Deep learning models automatically learn the structure of the EEG signals from the dataset and classify them autonomously, contrary to the traditional machine learning approach of SVM mentioned above, which requires the extraction of feature values, then the selection of a subset of the extracted features, and finally the use of a classifier to perform the classification. The convolutional layer is the most critical component of the CNN model, responsible for extracting local features from the input data. It performs convolutional operations by computing the dot product between the convolutional kernel and the input data as the kernel slides across the data, resulting in values for the feature map. This localized computation effectively captures spatial patterns in the input data, and the use of multiple convolution kernels allows for the extraction of diverse features. In this way, the CNN learns the hierarchy of discriminative information by analyzing the signal.
The deep learning-based EEG signal detection system for epilepsy comprises three components, as illustrated in the figure. The first component involves segmenting the signal into sub-signals using a fixed-size sliding window technique to increase the data volume. The second part of the article focuses on signal transformation. The signal is prepared for model training by converting it from the time domain to the frequency domain. For segmented signals, the Short-Time Fourier Transform (STFT) is used to perform this conversion before the data is input into the model. The third part involves constructing the CNN model. The CNN architecture includes an input layer, convolutional layer, activation function layer, pooling layer, fully connected layer, and output layer. Using the constructed CNN model, we train the epileptic EEG signal data. CNN offer a significant advantage over traditional classifiers when analyzing high-dimensional data. In the convolutional layer, CNN utilize a parameter-sharing scheme to control and reduce the number of parameters.
As illustrated in Figure 2. X, the input layer receives raw data, such as images and EEG signals, and converts them into multidimensional arrays suitable for network processing. The convolutional layer then extracts local features from the data using convolutional kernels. Specifically, six feature maps are derived from the input layer through 5x5 kernels that capture spatial structure information. Next, the activation function layer, typically employing ReLU, introduces nonlinearity to enable the network to learn complex patterns. Following this, the pooling layer down samples the feature maps using max pooling or average pooling, reducing dimensionality and computational complexity while retaining critical features and improving translational invariance. Finally, the fully connected layer consolidates the extracted features for classification or regression, and the output layer, often using Softmax or Sigmoid functions, provides predictions. For classification tasks, this includes outputs like seizure state detection or non-seizure identification.
Result
After selecting different data models, we then perform different combinations of classifications from which we can see more clearly to distinguish epileptic EEG signals from non-epileptic EEG signals. These species combinations have been widely used in other studies such as (Sharmila et al, 2016). All experiments utilized 10-fold crossvalidation, a model evaluation method where the dataset is randomly partitioned into 10 equal-sized subsets (folds). In each iteration, one subset is used as the validation set, while the remaining 9 subsets serve as the training set. Model training and validation are performed independently for each fold. After 10 iterations, the average of all validation results is calculated as the final evaluation metric for the model. This approach effectively minimizes assessment bias caused by a single dataset split, maximizes data utilization, and is particularly suitable for scenarios with limited sample sizes. Additionally, the stratified 10-fold cross-validation method ensures balanced category distribution, making it ideal for handling class imbalance issues in classification tasks.
In this paper, three commonly used performance metrics are used for experimental analysis, i.e., accuracy, sensitivity and specificity. They are defined as follows:
Accuracy = (IN+TP)/(TP+IN+FP+FN)
Sensitivity = TP/(TP+FN)
Specificity = TN/(TN+ FP)
In the formula presented above True Positive (TP): A correct prediction where the model identifies a seizure, and a seizure actually occurs. False Negative (FN): An incorrect prediction where the model fails to detect a seizure, even though a seizure actually occurs. False Positive (FP): An incorrect prediction where the model detects a seizure, but no seizure actually occurs. For real-time monitoring in medical devices, minimizing FN is critical to avoid underreporting and ensure patient safety. Conversely, for mass screening purposes, reducing FP is essential to minimize the disruptions caused by false alarms.
Results from Traditional Machine Learning
The accuracy for epilepsy detection using SVM classifier ranges from 87.5% to 100% The accuracy of this system for the combination of A-C, A-D and A-E datasets is 87.5%, 90.0% and 100% respectively. In addition, SVM has the highest accuracy for A-E, B-E datasets and the results are shown in Fig3. The program was written in the MATLAB package R2023b environment running on a machine with 1.6 GHz HP CPU processor and 16GB RAM.
We have found that for all combinations of statistical features, the accuracy obtained using the SVM classifier is 100% for both normal eyes open and seizure EEG datasets. Moreover, it has been observed that the accuracy specificity and sensitivity are 100% accurate in SVM classifier for both datasets A-E and B-E.
Results from Deep Learning
Fig 4 shows the classification results of the CNN classifier on the datasets, from which it is clear that the CNN has improved all the classification results achieved for the feature values obtained from the DWT, with an average accuracy of 97.45%, and for the datasets A-E, both SVM and CNN have the best results.
Conclusion
Examination and judgement of EEG by experts is a very time consuming and expensive way, for these problems EEG signalbased epilepsy detection algorithms are very important, in medical diagnostic systems, pattern recognition methods are required to detect the medical data in a shorter period of time and to ensure a high level of accuracy.
The novelty of this paper is to compare for the first time the work done by deep learning and traditional machine learning for EEG based detection, comparing the accuracy of both pattern recognition approaches using the same dataset. We extracted features from the dataset by using low pass filter, functions such as stat feat, wave feat, etc., and in stat feat we extracted the mean, maximum and minimum values as features. The results show that pattern recognition of normal eyes open and seizure EEG dataset using traditional machine learning SVM classifier can achieve more than 95% accuracy. Recognition of the same epileptic EEG data using deep learning was achieved with more than 98% accuracy, obtaining better accuracy and shorter time. Overall, experiments using deep learning CNN obtained higher accuracy than experiments using DWT wavelet transform function and SVM. In recent years, more and more new methods are being applied to automatic epilepsy detection, so faster and more accurate epilepsy detection algorithms will help doctors in clinical diagnosis, and future epilepsy detection models will be developed in the direction of more simplicity, efficiency and accuracy.
References
- Gao Z, Wang X, Yang Y, Mu C, Cai Q, Dang W, et al. EEG-based spatiotemporal convolutional neural network for driver fatigue evaluation. IEEE Trans Neural Netw Learn Syst. 2019; 30: 2755–2763.
- Andres J, Semertzidis N, Li Z, Wang Y, Floyd Mueller F. Integrated exertion– understanding the design of human–computer integration in an exertion context. ACM Trans Comput Hum Interact. 2023; 29: 1–28.
- Benford S, Ramchurn R, Marshall J, Wilson M, Pike M, Martindale S, et al. Contesting control: journeys through surrender, self-awareness and looseness of control in embodied interaction. ACM Trans Comput Hum Interact. 2021; 36: 361–389.
- Botvinick M, Cohen J. Rubber hands ‘feel’ touch that eyes see. Nature. 1998; 391: 756–756.
- Brianza G, Benjamin JJ, Cornelio P, Maggioni E, Obrist M. Quint Essence: a probe study to explore the power of smell on emotions, memories, and body image in daily life. ACM Trans Comput Hum Interact. 2022; 29: 1–33.
- Zhang T, Chen W. LMD-based features for the automatic seizure detection of EEG signals using SVM. IEEE Trans Neural Syst Rehabil Eng. 2017; 25: 1100–1108.
- Chen J. Flow in games (and everything else). Commun ACM. 2007; 50: 31–34.
- Li Y, Zhang XR, Zhang B, Lei MY, Cui WG, Guo YZ. A channel-projection mixed-scale convolutional neural network for motor imagery EEG decoding. IEEE Trans Neural Syst Rehabil Eng. 2019; 27: 1170–1180.
- Li Y, Wang XD, Luo ML, Li K, Yang XF, Guo Q. Epileptic seizure classification of EEGs using time-frequency analysis-based multiscale radial basis functions. IEEE J Biomed Health Inform. 2018; 22: 386–397.
- De Preester H. Technology and the body: the (im)possibilities of reembodiment. Found Sci. 2011; 16: 119–137.
- Farooq U, Grudin J. Human-computer integration. Interactions. 2016; 23:26– 32.
- Flavián C, Ibáñez-Sánchez S, Orús C. Impacts of technological embodiment through virtual reality on potential guests’ emotions and engagement. J Hosp Manag. 2021; 30: 1–20.
- Deng Z, Xu P, Xie L, Choi KS, Wang S. Transductive joint-knowledge-transfer TSK FS for recognition of epileptic EEG signals. IEEE Trans Neural Syst Rehabil Eng. 2018; 26: 1481–1494.
- Schirrmeister RT, Springenberg JT, Fiederer LDJ, Glasstetter M, Eggensperger K, Tangermann M, et al. Deep learning with convolutional neural networks for EEG decoding and visualization. Hum Brain Mapp. 2017; 38: 5391–5420.
- Azimi SM, Fischer P, Korner M, Reinartz P. Aerial LaneNet: Lane-marking semantic segmentation in aerial imagery using wavelet-enhanced costsensitive symmetric fully convolutional neural networks. IEEE Trans Geosci Remote Sens. 2019; 57: 2920–2938.
- Kilteni K, Groten R, Slater M. The sense of embodiment in virtual reality. Presence Teleoperators Virtual Environ. 2012; 21: 373–387.
- Kitchenham B, Pfleeger SL. Principles of survey research part 4: questionnaire evaluation. ACM SIGSOFT Softw Eng Notes. 2002; 27: 20–23.
- Leigh S-w, Sareen H, Kao H-L, Liu X, Maes P. Body-borne computers as extensions of self. ACM Comput Surv. 2017; 6: 12.
- Yuan Y, Xun G, Jia K, Zhang A. A multi-view deep learning framework for EEGMnih V, Kavukcuoglu K, Silver D, Rusu AA, Veness J, Bellemare MG, et al. Human-level control through deep reinforcement learning. Nature. 2015; 518: 529–533. seizure detection. IEEE J Biomed Health Inform. 2019; 23: 83–94.
- Zhang P, Wang X, Chen J, You W, Zhang W. Spectral and temporal feature learning with two-stream neural networks for mental workload assessment. IEEE Trans Neural Syst Rehabil Eng. 2019; 27: 1149–1159.
- Riaz F, Hassan A, Rehman S, Niazi IK, Dremstrup K. EMD-based temporal and spectral features for the classification of EEG signals using supervised learning. IEEE Trans Neural Syst Rehabil Eng. 2016; 24: 28–35.
- Mnih V, Kavukcuoglu K, Silver D, Rusu AA, Veness J, Bellemare MG, et al. Human-level control through deep reinforcement learning. Nature. 2015; 518: 529–533.
- Wang L, Xue W, Li Y, Luo M, Huang J, Cui W, et al. Automatic epileptic seizure detection in EEG signals using multi-domain feature extraction and nonlinear analysis. Entropy. 2017; 19: 222.
- Zabihi M, Kiranyaz S, Rad AB, Katsaggelos AK, Gabbouj M, Ince T. Analysis of high-dimensional phase space via Poincaré section for patient-specific seizure detection. IEEE Trans Neural Syst Rehabil Eng. 2016; 24: 386–398.
- Bhattacharyya A, Pachori RB. A multivariate approach for patient-specific EEG seizure detection using empirical wavelet transform. IEEE Trans Biomed Eng. 2017; 64: 2003–2015.
- Rapp A. Wearable technologies as extensions: a postphenomenological framework and its design implications. ACM Trans Comput Hum Interact. 2023; 38: 79–117.
- Ren X, Silpasuwanchai C, Cahill J. Human-engaged computing: the future of human–computer interaction. ACM Comput Surv. 2019; 1: 47–68.
- Rozendaal MC, Boon B, Kaptelinin V. Objects with intent: Designing everyday things as collaborative partners. ACM Trans Comput Hum Interact. 2019; 26: 1–33.
- Kiranyaz S, Ince T, Zabihi M, Ince D. Automated patient-specific classification of long-term electroencephalography. J Biomed Inform. 2014; 49: 16–31.
- Tajima D, Nishida J, Lopes P, Kasahara S. Whose touch is this? Understanding the agency trade-off between user-driven touch vs. computer-driven touch. ACM Trans Comput Hum Interact. 2022; 29: 1–27.
- D’Alessandro M, Esteller R, Vachtsevanos G, Hinson A, Echauz J, Litt B. Epileptic seizure prediction using hybrid feature selection over multiple intracranial EEG electrode contacts: A report of four patients. IEEE Trans Biomed Eng. 2003; 50: 603–615.
- Tapal A, Oren E, Dar R, Eitam B. The sense of agency scale: A measure of consciously perceived control over one’s mind, body, and the immediate environment. Front Psychol. 2017; 8: 1552.
- Tussyadiah IP, Jung T, Tom Dieck MC. Embodiment of wearable augmented reality technology in tourism experiences. J Travel Res. 2018; 57: 597–611.
- Li Y, Cui W, Luo M, Li K, Wang L. Epileptic seizure detection based on timefrequency images of EEG signals using Gaussian mixture model and gray level co-occurrence matrix features. Int J Neural Syst. 2018; 28: 1850003.
- Xu W. Toward human-centered AI: a perspective from human-computer interaction. ACM Interactions. 2019; 26: 42–46.
 Download PDF
Download PDF