Skip to main content

ORIGINAL RESEARCH article

Front. Neurorobot., 11 February 2021
Volume 15 - 2021 | https://doi.org/10.3389/fnbot.2021.618408

EEG-Based Driving Fatigue Detection Using a Two-Level Learning Hierarchy Radial Basis Function

Ziwu Ren1 Rihui Li2 Bin Chen3 Hongmiao Zhang1 Yuliang Ma3 Chushan Wang4 Ying Lin5 Yingchun Zhang2*
  • 1Robotics and Microsystems Center, Soochow University, Suzhou, China
  • 2Department of Biomedical Engineering, University of Houston, Houston, TX, United States
  • 3College of Automation, Intelligent Control & Robotics Institute, Hangzhou Dianzi University, Hangzhou, China
  • 4Guangdong Provincial Work Injury Rehabilitation Hospital, Guangzhou, China
  • 5Department of Industrial Engineering, University of Houston, Houston, TX, United States

Electroencephalography (EEG)-based driving fatigue detection has gained increasing attention recently due to the non-invasive, low-cost, and potable nature of the EEG technology, but it is still challenging to extract informative features from noisy EEG signals for driving fatigue detection. Radial basis function (RBF) neural network has drawn lots of attention as a promising classifier due to its linear-in-the-parameters network structure, strong non-linear approximation ability, and desired generalization property. The RBF network performance heavily relies on network parameters such as the number of the hidden nodes, number of the center vectors, width, and output weights. However, global optimization methods that directly optimize all the network parameters often result in high evaluation cost and slow convergence. To enhance the accuracy and efficiency of EEG-based driving fatigue detection model, this study aims to develop a two-level learning hierarchy RBF network (RBF-TLLH) which allows for global optimization of the key network parameters. Experimental EEG data were collected, at both fatigue and alert states, from six healthy participants in a simulated driving environment. Principal component analysis was first utilized to extract features from EEG signals, and the proposed RBF-TLLH was then employed for driving status (fatigue vs. alert) classification. The results demonstrated that the proposed RBF-TLLH approach achieved a better classification performance (mean accuracy: 92.71%; area under the receiver operating curve: 0.9199) compared to other widely used artificial neural networks. Moreover, only three core parameters need to be determined using the training datasets in the proposed RBF-TLLH classifier, which increases its reliability and applicability. The findings demonstrate that the proposed RBF-TLLH approach can be used as a promising framework for reliable EEG-based driving fatigue detection.

Introduction

Driving fatigue is a typical mental and physical concern that weakens the driver's ability to control the vehicle (Li Z. et al., 2017). It not only poses a significant injury and fatality risk to the drivers but also causes injury to other road users such as passengers, motorbike users, other drivers, and pedestrians. According to the statistical data reported by the World Health Organization, more than 1.3 million people are killed in traffic accidents every year mainly due to fatigued driving (Sahayadhas et al., 2012; Li Z. et al., 2017). Therefore, it is of great importance to investigate the characteristics of driving fatigue and develop an automatic driving fatigue detection system with reliable detection performance (Li Z. et al., 2017; Sikander and Anwar, 2019).

The currently available methods for driving fatigue detection can be characterized into three categories (Sikander and Anwar, 2019): (1) psychology-based approach that generally relies on psychometric questionnaires to evaluate an individual's fatigue level (Michielsen et al., 2004), (2) video-based approach that usually monitors the behavioral and physical status of the driver, such as facial features, head position, reaction time, steering errors, lane deviation, etc. (Akerstedt et al., 2005; Hsieh and Tai, 2013), and (3) physiological approach that makes use of bio-signals associated with driving fatigue, such as electrooculography (EOG) to measure the movement of the eye (Hu and Zheng, 2009; Picot et al., 2012), electrocardiography (ECG) to detect heart rate variability (Jung et al., 2014), electroencephalography (EEG) to assess brain state (Huang et al., 2016; Ma et al., 2019, 2020), and electromyography (EMG) to measure muscle activity (Sikander and Anwar, 2019). Among them, psychological self-reported measurement is time-consuming and subjective because it relies on the driver's subjective feedbacks via questionnaires, which makes it infeasible and unreliable for real-time detection. Video-based approaches are vulnerable to environmental factors, such as brightness, weather, road conditions, and other factors, which could result in poor detection performance (Jimenez-Pinto and Torres-Torriti, 2012). EOG, ECG, surface EMG, and EEG have all been explored as physiological measures for driving fatigue detection, with specific advantages and disadvantages to each other (Sikander and Anwar, 2019). Electrodes have to be placed over the body surface, which makes the system intrusive in nature. For example, EOG signals are retrieved through electrodes placed near the eye, which can hinder driving. ECG can be measured in a less intrusive way, but ECG signals showed a high inter-subject variance which may lead to challenges in developing a generic driving fatigue detection system. The applicability of surface EMG in real-time driving fatigue detection is limited (Sikander and Anwar, 2019). EEG has been considered as a promising modality for driving fatigue detection, owing to its high temporal resolution, high portability, and good sensitivity to brain state (O'Hanlon and Kelley, 1977; Nguyen et al., 2019; Gao et al., 2020). In particular, EEG can be used to non-invasively measure the neuronal electrical activity from the scalp surface to provide a direct assessment of brain fatigue status (Zhao et al., 2017; Sikander and Anwar, 2019). However, EEG signal retrieval through multiple electrodes is highly susceptible to noise from external factors, and it is critical to extract informative features from noisy EEG signals for a successful driving fatigue detection application.

Neural networks have been used as promising tools in extracting informative features from EEG signals because of their massive computational parallelism which resembles the way the brain processes information (Masic and Pfurtscheller, 1993). Recently, many studies have implemented EEG-based driving fatigue detection systems using neural network techniques. Vuckovic et al. proposed a model for classifying alertness and drowsiness from EEG recordings on arbitrary healthy subjects, in which the artificial neural network (ANN) was used as an automatic classifier (Vuckovic et al., 2002). Yang et al. presented a driving fatigue classification model based on information fusion technique and dynamic neural network. The experimental results indicated that the EEG-derived features were able to detect the fatigue state of a driver (Yang et al., 2010). Moreover, Aruna et al. proposed a recurrent self-evolving fuzzy neural network method for driving fatigue detection, in which the correlation coefficient of driver attention was classified to detect driving fatigue (Aruna and Kalaivani, 2016). Chai et al. presented a three-layer feed-forward Bayesian neural network structure for the binary classification of driving fatigue, where autoregressive (AR) modeling was used as the feature extraction algorithm (Chai et al., 2017b). Besides that, Chai et al. also proposed an improved EEG-based driving fatigue classification model, where the AR model was employed for feature extraction, and the sparse-deep belief network (sparse-DBN) was employed for classification (Chai et al., 2017a). Recent studies also demonstrated the radial basis function (RBF) neural network as a promising classifier due to its linear-in-the-parameters network structure, strong non-linear approximation ability, and desired generalization property. Li et al. demonstrated that the radial basis function-based classification method has advantages in terms of classification accuracy for epileptic seizure classification by comparing with five other classifiers (Li Y. et al., 2017; Li et al., 2019). The RBF kernel-based support vector regression also achieved better performance in fatigue prediction compared to the other kernel functions in the study of Bose et al. (2019). The performance of the RBF network heavily relies on network parameters, which should be optimized globally for best performance. The RBF network parameters can be estimated using the existing global optimization methods (Petković et al., 2016; Aljarah et al., 2018). Unfortunately, due to a relatively large number of network parameters that need to be optimized, the existing global optimization methods show high computational cost and slow convergence and further lead to low classification accuracy and efficiency of the RBF network.

In this study, a two-level learning hierarchy RBF network (RBF-TLLH) is developed to enhance the performance of the RBF classification. In the proposed RBF-TLLH, only three key RBF network parameters need to be optimized and, as such, can be easily optimized globally and efficiently. Specifically, the RBF-TLLH is constructed by employing the ROLS+D-opt algorithm, which combines the regularized orthogonal least squares (ROLS) and the D-optimality experimental design (D-opt) at the lower level and the particle swarm optimization (PSO) at the upper level. The PSO algorithm is used to globally optimize the three core parameters of the ROLS+D-opt algorithm to enhance the classification performance. As EEG signals are usually measured with multiple channels at a high sampling rate, principal component analysis (PCA) (Hotelling, 1933) is employed to reduce the dimensionality of the original data space (Lever et al., 2017; Artoni et al., 2018) before the application of the RBF-TLLH. The performance of the proposed approach is evaluated on driving fatigue detection and compared against several widely used artificial neural networks, including the artificial neural network based on back-propagation (BP), the artificial neural network based on PSO, and the RBF network based on the ROLS+D-opt learning algorithm.

Materials and Methods

Study Design

The overall structure for the proposed EEG-based fatigue classification framework is shown in Figure 1, which consists of five steps: (1) EEG data collection during a simulated driving environment, (2) raw data pre-processing and segmentation, (3) dimensionality reduction and feature extraction using PCA; (4) classification using the RBF network, and (5) performance evaluation.

FIGURE 1
www.frontiersin.org

Figure 1. Schematic illustration of the two-level learning hierarchy radial basis function network.

Participants and EEG Data Acquisition

The EEG data used in this study were collected from six healthy, male volunteers (right-handed, aged 23 to 27 years). All volunteers had valid driver's licenses, and no participant had any history of physical or psychological disorders. The study was approved by the local ethics committee (Guangdong Provincial Work Injury Rehabilitation Center, China) and performed in accordance with the Declaration of Helsinki. Each subject was fully informed about the purpose of the research and provided written informed consent before the start of the experiment.

A driving simulation system (Shanghai Infrared Automobile Simulator Driving Equipment Co., Ltd., China) was employed to imitate a real driving environment during the experiment. As shown in Figure 2, the driving simulation system includes clutches, brakes, throttles, and scene simulations that consist of three large screens and high-performance simulation software. This system can imitate the real-driving experience, such as the changing surrounding traffic. EEG signals were recorded using a 32-channel EEG acquisition system (Brain Products GmbH, Germany), with a sampling rate of 500 Hz. EEG electrodes were placed on the scalp based on the international 10–20 standard system.

FIGURE 2
www.frontiersin.org

Figure 2. The driving simulation system and EEG acquisition device.

Prior to the start of the experiment, all participants were allowed to practice and get familiar with the driving simulation system. EEG data were then collected for two states, alert (non-fatigue) and fatigue. To collect the alert data, all subjects were required to maintain an adequate and natural sleep for about 8 h during the night before the experiment. The EEG data were collected at 9 a.m. on the next day for about 30–60 min while the subjects were executing the driving simulation task. For the recording of alert data, the path was set relatively complicated to avoid the drowsiness of the subjects. On the other hand, to collect the fatigue data, all subjects were requested to sleep for only 4 h during the night before the experiment. The EEG data were also recorded at 9 a.m. for 30 to 60 min when the subjects were driving in the simulation environment. The experiment was performed in a quiet and undisturbed laboratory with ambient temperatures of around 22°C. In order to reach the fatigue state rapidly in fatigue data collection, a long and straight road with very few pedestrians was used in the simulated environment. During the data recording, an observer was seated 2 m beside the subject and monitored the subject's behavior without causing any disturbance to the subject. The observer decided whether the subject was in a fatigue state or an alert state by observing the subject's drowsy signs (more than 2 s of eye closure and head nodding, large deviation off the road). The EEG data recording was terminated at a time of 30 min after the subject began to show fatigue symptoms. For the participants who stayed in alert state for 60 min, the experiments were terminated, and the participants were excluded from further analysis.

Data Pre-processing and Segmentation

In this study, 20-min EEG signals in each state (alert or fatigue) were collected on each subject, and all the data analyses were implemented in a MATLAB environment (2014a, MathWorks, Natick, Massachusetts). The recorded EEG data were firstly down-sampled from 500 to 200 Hz, and a fourth-order Butterworth band-pass filtering (1–45 Hz) was then applied to remove artifacts such as slow drift, high-frequency noise, and power line interference. The 20-min (1,200 s) pre-processed EEG data for each state were then segmented by applying a 10-s time window, which resulted in 120 samples for each state (fatigue or alert). It is worthy of note that, in this study, each sample is a two-dimensional matrix form (32 channels × 2,000 points). As such, with the six participants, a total of 1,440 samples (720 samples for alert and 720 samples for fatigue) were formed for feature extraction and classification. For each participant, the total of 240 samples was divided into the training data set with 200 samples and the validation data set with the remaining 40 samples, where the fatigue and alert state EEG samples were evenly split. In addition, a 6-fold cross-validation was employed for performance evaluation.

Feature Extraction

To extract the representative features from the large amounts of EEG data, dimensionality reduction is firstly performed to reduce computational expense and classification error. PCA is an efficient and flexible unsupervised method for dimensionality reduction of data (Hotelling, 1933). For a given EEG sample (m32-channels × 2,000 points), PCA transforms the sample data into a lower-dimension space through an orthogonal projection or transformation of the correlated points into uncorrelated variables of data, known as principal components (PCs) (Lever et al., 2017; Artoni et al., 2018). Based on the predetermined cumulative contribution rate, the first r components with the largest variances are preserved. The preserved number of PCs, r, is an important parameter in PCA. In this study, different r-values were tested through multiple trials, and the results showed that the first 10 PCs accounted for over 80% (the minimum cumulative contribution rate is up to 82.13%) of the total variance of the original signals for all EEG samples. Hence, the first 10 PCs were preserved, and the original EEG sample with a size of 32 by 2,000 was transformed into a lower-dimension matrix with a size of 32 by 10. These lower-dimensionality samples were used to construct the driving fatigue classification model.

Classification Model

An RBF network is a single hidden layer feedforward neural network that is generally controlled by several key parameters, including center vectors, the width of the basis function, and the connecting weights from the hidden nodes to the network output. An RBF network with n hidden nodes and a single output is shown in Figure 3, where the input features are first transformed to hidden nodes via n Gaussian basis functions with a uniform width and different center vectors. The hidden nodes are further aggregated to predict the network output via connecting weights. Denoting the input vector as x and the output as ỹ(x), the RBF network could be represented as:

(x)=i=1nθiexp(-||x-ci||2/ρ)    (1)

where ci(i = 1, ⋯ , n) are the center vectors, ρ is the width of the Gaussian basis functions, θi(i = 1, ⋯ , n) are the weights, and ||·|| is the Euclidean norm.

FIGURE 3
www.frontiersin.org

Figure 3. Radial basis function network for the EEG-based driving fatigue classification model.

ROLS+D-opt Integrated Learning Algorithm

In order to construct a model with good performance, in this study, we adopt an integrated learning algorithm (ROLS+D-opt) to train the model by combining regularized orthogonal least squares and D-optimality experimental design. The ROLS regularization techniques improve the generalization properties, and the D-optimality experimental design further enhances the efficiency and robustness of the model (Hong and Harris, 2002; Chen et al., 2003). Denoting the input and output of kth sample as x(k) and y(k), respectively, a training set of N samples could be represented as {y(k),x(k)}k=1N. To formulate the network as a linear-in-the-parameters problem, each sample input is considered as a candidate center in RBF, i.e., ci = x(i), i = 1, …, N. Therefore, the ith hidden node on the kth sample, denoted as ϕi(k), could be represented as ϕi(k)=exp(-||x(k)-x(i)||2ρ). The desired output y(k) can be expressed as

y(k)=(k)+e(k)=i=1Nθiϕi(k)+e(k)1kN    (2)

where e(k) is the error between y(k) and the actual network output ỹ(k), θi are the output weights, and N is the number of samples in the training dataset. The integrated ROLS+D-opt learning algorithm first transforms the model (2) into a matrix form and performs orthogonal decomposition on the regression matrix, which decomposes the regression matrix to a matrix with orthogonal columns and an upper triangular matrix. Specifically, the regression model in (2) can be depicted as:

y=Φθ+e=WAθ+e=Wg+e    (3)

where y is output vector, Φ is regression matrix, θ is weighting vector, and e is the error vector. The regression matrix Φ could be decomposed to two matrices, W and A, where W = [w1, ⋯ , wN] has orthogonal columns that satisfy wiTwj=0(i,j=1,,N) for ij, and A is an upper triangular matrix with unit diagonal elements. The upper triangular matrix further multiplies the weight vector to construct an orthogonal weight vector, i.e., g=[g1,,gN]T=Aθ . Then, the integrated ROLS+D-opt learning algorithm performs a forward subset selection procedure from the full regression model, which is based on the following minimization criterion (Chen et al., 2003):

JCR(g,λ,β)=JR(g,λ)+βi=1N-log(wiTwi)=eTe+λgTg+                          βi=1N-log(wiTwi)    (4)

where JR(g,λ)=eTe+λgTg is the regularized error criterion, λ ≥ 0 is a regularization parameter, and β is a fixed small positive weighting for the D-optimality cost. The error reduction ratio is defined as:

[crerr]i=((wiTwi+λ)gi2+βlog(wiTwi))/yTy    (5)

Based on the ratio in (5), significant regressors are selected in a forward-regression procedure, and the selection procedure is terminated when (Chen et al., 2003):

[crerr]l0,for ns+1lN    (6)

Two-Level Learning Hierarchy RBF Network Learning Algorithm

In the integrated ROLS+D-opt learning algorithm, all candidate centers of the network are chosen from the input vectors of training samples, and the output weights θi in (1) can be obtained by linear learning algorithm (Chen et al., 2003). Therefore, only the uniform width ρ , regularization parameter λ , and D-optimality weighting parameter β need to be determined in the ROLS+D-opt algorithm. The selection of these three parameters has a great influence on the performance of the RBF network (Hong et al., 2003; Chen et al., 2009). A global optimization method is needed to determine the optimal combination of these three parameters.

A two-level learning hierarchy (TLLH) scheme is proposed by combining the PSO and ROLS+D-opt algorithms to train the RBF network, as shown in Figure 4. With the fitness function values given at the lower level, PSO (Kennedy and Eberhart, 1995; Shi and Eberhart, 1995) is used to learn the width ρ, regularization parameter λ, and D-optimality weighting parameter β of the integrated algorithm (ROLS+D-opt) at the upper level, while the lower level consists of p parallel integrated ROLS+D-opt learning algorithm for each set of parameters, [λ, ρ, β], provided by the PSO. p is the swarm size of the PSO, i.e., there are p particles in the PSO algorithm. PSO, like a swarm intelligent optimization method, has the characteristic of the parallel computation. In this study, all EEG samples are divided into a training set and a validation set. The i-th ROLS+D-opt algorithm constructs an RBF network using the training data set with a given particle [λi, ρi, βi], and the mean square error (MSE) over the validation set of the resulting RBF model is defined as the fitness function of the PSO algorithm:

minf(K)=1nck=1nc(y(x(k))-(x(k)))2    (7)

where K = [λi, ρi, βi] represents the particle, y(x(k) is the desired output of the validation sample, ỹ(x(k)) is the actual network output, and nc is the size of the validation set. The smaller the fitness value, the better the generalization performance of the network (Chen et al., 1999, 2008).

The computational complexity of this TLLH scheme is determined by the total number of function evaluations at the upper level. Assuming that the swarm size of the PSO is p, the evolutionary generation is T, and the complexity of the ROLS+ D-opt algorithm is CROLS+D−opt. Then, the complexity of the TLLH scheme is

CTLLH=p×T×CROLS+D-opt    (8)

since the PSO is only used to optimize three parameters of the integrated ROLS+D-opt learning algorithm, and the lower level presents a linear learning problem. The overall computational requirement of this scheme is much smaller than that of the scheme where a PSO is directly used to determine the RBF network structure as well as to learn all the network parameters (Billings and Zheng, 1995).

FIGURE 4
www.frontiersin.org

Figure 4. The architecture of two-level learning hierarchy in radial basis function networks.

Performance Evaluation

To assess the performance of the proposed approach, the proposed RBF-TLLH was applied to the driving fatigue classification dataset and compared with the state-of-the-art neuron network models, including the RBF based on the ROLS+D-opt algorithm (RBF-ROLS+D-opt) (Chen et al., 2003), three-layer forward ANN with back-propagation (ANN-BP) (Zaw et al., 2019; Zhang and Pu, 2020), and three-layer forward ANN with PSO optimization (ANN-PSO) (Li and Liu, 2016). The RBF based on the ROLS+D-opt algorithm (RBF-ROLS+D-opt) has been widely used because of its robustness, sparsity of the parameters, and easy implementation (Chen et al., 2003). ANN-BP has the ability to approximate the non-linear function with arbitrary accuracy; therefore, it has been widely applied to various classification problems (Zaw et al., 2019; Zhang and Pu, 2020). The three-layer forward ANN with PSO optimization (ANN-PSO) is also widely used due to its advantages such as easy implementation, fewer adjustment parameters, and fast convergence (Li and Liu, 2016). The initial weights and thresholds are generated randomly within the interval [−1, 1] in the ANN-BP, the maximum epoch is set to 1,000, and the learning rate is 0.01. The MSE of the training data set is minimized as the objective function in the ANN-PSO. The variable parameters range is set to [−1, 1], the swarm size is set to 30, and the evolutionary iterations are set to 60. According to the empirical formula, the hidden nodes of these two ANN classifiers are both set to 30. In addition, in order to prevent over-fitting or over-training in the ANN network, a validation-based early stop strategy is used to select the best training parameters. Figure 5 shows the MSE curve of the training set and the validation set for classification. It can be seen that the best iteration number of the ANN-BP is 79, and the best iteration number of the ANN-PSO is 43, for this training result, according to the MSE curve of the validation set.

FIGURE 5
www.frontiersin.org

Figure 5. Mean square error (MSE) of the training and validation set for the early stopping of the classifier. (A) Training and validation MSE of artificial neural network (ANN)-back-propagation. (B) Training and validation MSE of ANN-particle swarm optimization.

The regularization technique is employed in criterion function (4) in the proposed TLLH-RBF to prevent the over-fitting problem and improve the classification accuracy of the RBF network. The D-optimality cost is introduced to further enhance the efficiency and robustness of the selected subset model. The parameters, including the RBF width, regularization parameter, and D-optimality weighting parameter, are, respectively, set within range,ρ ∈ [1, 220], λ ∈ [10−7, 1], and β ∈ [10−7, 1], and optimized using the PSO. The swarm size p of PSO is set to 15, and the number of evolutionary iterations is set to 30. For further comparison, another RBF network classifier based on the ROLS+D-opt algorithm is also designed, where the width and D-optimality parameters are determined asρ = 110 and β = 10−4, respectively, by the trial-and-error method, whereas the regularization parameter λ is estimated by the Bayesian approach (MacKayi, 1992; Chen et al., 1996).

The classification results achieved by the four aforementioned neural network models were compared against each other. In all these classification models, when the actual output of the network is >0.5, the model classifies it as 1 (fatigue state); otherwise, the model classifies it as 0 (alert state). All samples are normalized firstly before the ANN is trained to prevent the ANN weights from being too large.

Results

Table 1 summarizes the classification accuracy in driving fatigue detection as achieved by the four classification models using 6-fold cross-validation for each subject. The results show that the RBF-TLLH classifier achieves the highest accuracy for all the subjects in classifying the fatigue vs. alert states, with the mean value of 92.71 ± 6.26%. Overall, the ANN classifiers achieve lower classification accuracy than the RBF-based classifiers. Paired t-test was used for statistical comparison, as shown in Figure 6, showing that the proposed RBF-TLLH classifier significantly outperforms the other two ANN classifiers (p < 0.05) while the ROLS+D-opt-based RBF does not. Although no significant difference is observed between these two different RBF-based classifiers, the RBF-TLLH achieves higher accuracy and yields lower variance than the ROLS+D-opt RBF network, which that suggests the proposed RBF-TLLH is a more accurate and robust classifier in EEG driving fatigue detection in these two RBF-based classifiers.

TABLE 1
www.frontiersin.org

Table 1. Average accuracy (%) of 6-fold cross-validation for each subject using different classifiers.

FIGURE 6
www.frontiersin.org

Figure 6. Bar chart of the mean accuracies when using different classifiers. *significantly different from control (p < 0.05); **significantly different from control (p < 0.005).

To further evaluate the classification performance of the proposed RBF-TLLH, six metrics including the true positive (TP), true negative (TN), false positive (FP), false negative (FN), specificity/true negative rate [TNR = TN/(TN + FP)], and sensitivity/true positive rate [TPR = TP/(TP + FN)] (Chai et al., 2017a,b), are computed from all subjects and summarized in Table 2. Compared to the ANN-BP and ANN-PSO models, the RBF-TLLH network model exhibits the best performance regardless of the specificity, sensitivity, and accuracy. In addition, the RBF-TLLH model significantly outperforms the ROLS+D-opt-based RBF model in sensitivity, demonstrating the superiority of the proposed approach to detect driving fatigue. Compared to the ROLS+D-opt-based RBF, the proposed RBF-TLLH model achieves a slightly lower specificity, but a much higher accuracy and sensitivity.

TABLE 2
www.frontiersin.org

Table 2. Classification results of fatigue state vs. alert state for the validation set.

The receiver operating characteristic (ROC) curve analysis is also conducted, and the results are summarized in Figure 7. The ROC curve is a plot of TPR vs. false-positive rate (FPR/1-specificity) by varying different threshold ratios as a sweeping variable. A random classification model is expected to show a straight line connecting (0, 0) to (1, 1) (diagonal dash–dot line in Figure 7). Any ROC curve located in the lower-right triangle indicates that the classifier is worse than random guessing, while the ROC curve that lies in the upper-left triangle indicates that the model performs better than random guessing (Fawcett, 2006; Chai et al., 2017b). The area under the curve (AUC) of the ROC curve is then calculated to evaluate the model performance. As shown in Figure 7, the proposed RBF-TLLH achieves the best upper-left ROC curve and yields the highest AUC value (0.9199) among all classifiers, demonstrating the best performance in the detection of driving fatigue.

FIGURE 7
www.frontiersin.org

Figure 7. Receiver operating characteristic plot with area under the curve values for different classification models: (1) artificial neural network (ANN) using back-propagation algorithm, (2) ANN using particle swarm optimization, (3) radial basis function (RBF) network using ROLS+D-opt algorithm, and (4) RBF network using two-level learning hierarchy method.

Discussion

EEG has the advantages of non-invasiveness and high temporal resolution for brain activity measurement and has been widely considered as a good indicator of the transition between the alert and fatigue states. Power spectral density (PSD), which converts the time domain of EEG data into the frequency domain, has been widely employed in traditional EEG-based fatigue detection studies. EEG signals can then be generally divided into five bands, i.e., Delta (0.5–4 Hz), Theta (4–8 Hz), Alpha (8–13 Hz), Beta (13–30 Hz), and Gamma (30–42 Hz) waves, according to frequency and amplitude characteristics (Sikander and Anwar, 2019). It has been found that the increase of EEG alpha band spindles is associated with the fatigue state when participants drive in the actual monotonous driving environment (Simon et al., 2011). It has also been demonstrated that EEG is sensitive to fluctuations in vigilance and has been shown to predict performance degradation due to sustained mental workload. During the monotonous driving task, the EEG alpha bursts will be dominant in the central and posterior EEG channels, which is a signal of drowsiness and reduced vigilance (Simon et al., 2011).

Taking subject 1 and subject 3 as examples, Figure 8 shows the PSD distributions of the alpha (8–13 Hz) and whole (1–45 Hz) wave bands of the two states (alert and fatigue), respectively. It can be observed that the PSD distributions between the alert and fatigue states show an apparent characteristic difference. The PSD difference between the alert and fatigue states of subject 3 is also more significant compared with the PSD distributions of subject 1. This is consistent with the results in Table 1 when using the RBF-TLLH classifier, that is, the average classification accuracy achieved in subject 3 (100%) is higher than that achieved in subject 1 (89.58%). In addition, regarding the PSD distributions of the subjects during the fatigue state, the alpha band of EEG signals carries the majority of the information among the whole PSD distributions. These findings validate that the EEG has a distinct difference in characteristics between the alert and fatigue states, demonstrating the feasibility of using EEG as an effective approach to detect driving fatigue.

FIGURE 8
www.frontiersin.org

Figure 8. Power spectral density (PSD) distributions of EEG signals for subjects 1 and 3. (A) PSD distributions of the alpha band of EEG signals in the alert state (a1) and in the fatigue state (a2). PSD distributions of the whole band of EEG signals in the alert state (a3) and in the fatigue state (a4) for subject 1. (B) PSD distributions of the alpha band of EEG signals in the alert state (b1) and in the fatigue state (b2). PSD distributions of the whole band of EEG signals in the alert state (b3) and in the fatigue state (b4) for subject 3.

Although EEG signals provide distinct characteristics associated with between the alert and fatigue brain states, it is still necessary and critical to develop a high-performance classifier in order to monitor the brain state alteration during driving. Studies have demonstrated that the RBF neural network is a promising classifier due to its linear-in-the-parameters network structure, strong non-linear approximation ability, and desired generalization property (Li Y. et al., 2017; Bose et al., 2019; Li et al., 2019). The performance of the RBF network heavily relies on the number of hidden nodes, center vectors, and output weights. These parameters can be learned using some global optimization methods; however, direct optimizing of all the parameters using the global optimization algorithm is hampered by the high evaluation cost and slow convergence. This study aims to enhance the performance of the EEG-based driving fatigue classification model using a two-level learning hierarchy RBF network (RBF-TLLH). The RBF-TLLH is constructed by integrating the ROLS+D-opt algorithm, which combines the regularized orthogonal least squares and D-optimality experimental design at the lower level and the PSO at the upper level.

At the lower level of the RBF-TLLH, the ROLS+D-opt learning algorithm is employed. With the ROLS+D-opt learning algorithm, all the candidate centers of the RBF network are chosen from the input vectors of the training samples, and the output weights in (1) can be obtained by linear learning algorithm (Chen et al., 2003). Moreover, the entire RBF network model construction procedure is terminated automatically when condition (6) is reached. Therefore, there are only three parameters left in the ROLS+D-opt algorithm, i.e., the uniform width, the regularization parameter, and the D-optimality weighting parameter, to be determined. At the upper level of the RBF-TLLH, PSO is employed. PSO is typically characterized as an algorithm with a simple concept, easy implementation, and good computational efficiency (Kennedy and Eberhart, 1995; Shi and Eberhart, 1995). As a swarm intelligent optimization method, PSO has the characteristic of parallel computation. Therefore, PSO is employed to optimize the three core parameters of the ROLS+D-opt algorithm at the upper level, while the ROLS+D-opt algorithm automatically constructs RBF networks at the lower level to enhance the classification performance. As shown in Tables 1, 2, the RBF network obtained from the proposed learning hierarchy has demonstrated its superior performance with a mean classification accuracy of 92.71% and an AUC-ROC value of 0.9199 against other methods, making it a promising candidate for driving fatigue detection in the future.

Experiment EEG data were collected in six healthy subjects in a simulated driving environment and were utilized to evaluate the performance of the proposed RBF-TLLH algorithm by comparing it against three other classifiers. The results show that the proposed RBF-TLLH achieves a substantial increase in classification accuracy compared to other approaches. Particularly, the sensitivity of the proposed RBF-TLLH model is much higher than the other three methods. The high sensitivity performance suggests that the RBF-TLLH-based driving fatigue detection system is more sensitive in detecting fatigue states, which is critical to ensure safe driving.

It is noteworthy that, prior to the classification using the RBF-TLLH method, PCA is necessarily adopted to alleviate the high dimension problem of multi-channel EEG signals. In this study, the PCA method was applied for dimensionality reduction of the EEG signals, and the first 10 PCs of each channel were selected to obtain better driving fatigue detection power. Apparently, the number of preserved PCs would affect the performance of the feature extraction, which would further affect the performance of the driving fatigue detection model. This number of preserved PCs is determined based on multiple trial calculations to ensure that the preserved PCs account for over 80% of the total variance of the original signals.

The classification performance of the neural network is directly related to its network structure and weights. For the ANN classifier, the three-layer forward ANN is formed with 320 input nodes, 30 hidden nodes, and one output node, yielding 9,661 weight and threshold parameters to be optimized. It is generally very difficult to deal with such a high-dimension optimization problem for the back-propagation (BP) algorithm mainly because the gradient-based BP algorithm is sensitive to the initial parameters and easily trapped in the problem of local minima (McLoone et al., 1998). The premature and stagnation phenomenon will also occur during the later stage of evolution when the PSO solves this complex problem. These shortcomings eventually result in the poor performance of the ANN-based classifier for classifying driving fatigue.

Computation efficiency is also evaluated in this study to test the application feasibility of the proposed RBF-TLLH classifier in real-time driving fatigue detection. During the operation process of the real-time classification, based on the obtained features and the parameters of the RBF network for the detection system, the classifier can rapidly determine the driving fatigue detection result through Equation (1). The testing results show that the execution time is only about 0.011 s in a MATLAB environment [an Intel(R) Core(TM) i7-4500U CPU@ 1.8 GHz, 8 GB RAM]. This is because there is no necessity to train the classifier again for the operation of real-time classification. Specifically, with the saved parameters and particular features, the classifier only needs to compute the feedforward neural network function based on (1) for classification system, which can take <0.1 s when developed in C language.

Despite the improvements achieved in this study, there are limitations that can be addressed in future studies. Only six subjects participated in the simulated driving fatigue experiment, so the sample size of this study is small. Our future efforts will be devoted to collecting a larger sample size from either simulated or real driving fatigue test to further evaluate the performance of the proposed RBF-TLLH in detecting driving fatigue. Furthermore, deep neural network models have attracted increasing attention in recent years because of their powerful non-linear fitting capability, high dimensional data processing capability, large fault tolerance, and strong feature extraction capability. The proposed RBF-TLLH will be compared with deep neural network models, such as LSTM, to further evaluate its performance in driving fatigue detection. In addition, recent research on latent analysis have proved its power in feature extraction, and this method will be used in a future study (Wu et al., 2019, 2020). Lastly, labeling the driving states for a larger sample size could be expensive and time-consuming. In order to solve this problem, semi-supervised classification algorithms will be considered in the future work (She et al., 2018, 2019, 2020a,b; Wu et al., 2018a,b).

Conclusion

In this study, a two-level learning hierarchy RBF network has been developed for EEG-based driving fatigue detection to optimize the classification performance (fatigue vs. alert). The experimental results show that the proposed method achieved a superior classification performance compared to other methods in terms of prediction accuracy and computational efficiency. Due to the significantly fewer core parameters to be determined for training the RBF classifier, this proposed approach presents excellent ease of use and large potential application possibilities for the detection of driving fatigue in the future.

Data Availability Statement

The raw data supporting the conclusions of this article will be made available by the authors, without undue reservation.

Ethics Statement

The studies involving human participants were reviewed and approved by Guangdong Provincial Work Injury Rehabilitation Hospital. The patients/participants provided their written informed consent to participate in this study.

Author Contributions

ZR conceived this study and contributed to the experimental design. ZR performed the computational analysis with the assistance of BC and HZ. CW and YM contributed to subject recruitment and data collection. ZR, RL, YL, and YZ analyzed the results and prepared the manuscript. All the authors reviewed the results and approved the final manuscript.

Funding

This study was supported in part by the National Natural Science Foundation of China (No. 51675358), State Key Laboratory of Robotics and Systems (HIT) (No. SKLRS-2020-KF-01), and the University of Houston.

Conflict of Interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Acknowledgments

The authors would like to thank Dr. Chuan Zhang for his helpful discussion and comments.

References

Akerstedt, T., Peters, B., Anund, A., and Kecklund, G. (2005). Impaired alertness and performance driving home from the night shift: a driving simulator study. J. Sleep Res. 14, 17–20. doi: 10.1111/j.1365-2869.2004.00437.x

PubMed Abstract | CrossRef Full Text | Google Scholar

Aljarah, I., Faris, H., Mirjalili, S., and AI-Madi, N. (2018). Training radial basis function networks using biogeography-based optimizer. Neural Comput. Appl. 29, 529–553. doi: 10.1007/s00521-016-2559-2

CrossRef Full Text | Google Scholar

Artoni, F., Delorme, A., and Makeig, S. (2018). Applying dimension reduction to EEG data by principal component analysis reduces the quality of its subsequent Independent Component decomposition. Neuroimage 175, 176–187. doi: 10.1016/j.neuroimage.2018.03.016

PubMed Abstract | CrossRef Full Text | Google Scholar

Aruna, D. B., and Kalaivani, A. (2016). Fuzzy neural network based real-time driver fatigue detection and warning system using EEG waves. Asian J. Res. Soc. Sci. Hum. 6, 791–812. doi: 10.5958/2249-7315.2016.00153.2

CrossRef Full Text | Google Scholar

Billings, S. A., and Zheng, G. L. (1995). Radial basis function network configuration using genetic algorithms. Neural Netw. 8, 877–890. doi: 10.1016/0893-6080(95)00029-Y

CrossRef Full Text | Google Scholar

Bose, R., Wang, H., Dragomir, A., Thakor, N., Bezerianos, A., and Li, J. (2019). Regression based continuous driving fatigue estimation: towards practical implementation. IEEE Transac. Cogn. Dev. Syst. 12, 323–331 doi: 10.1109/TCDS.2019.2929858

CrossRef Full Text | Google Scholar

Chai, R., Ling, S. H., San, P. P., Naik, G. R., Nguyen, T. N., Tran, Y., et al. (2017a). Improving EEG-based driver fatigue classification using sparse-deep belief networks. Front. Neurosci. 11:103. doi: 10.3389/fnins.2017.00103

PubMed Abstract | CrossRef Full Text | Google Scholar

Chai, R., Naik, G. R., Nguyen, T. N., Ling, S. H., Tran, Y., Craig, A., et al. (2017b). Driver fatigue classification with independent component by entropy rate bound minimization analysis in an EEG-based system. IEEE J. Biomed. Health Inform. 21, 715–724. doi: 10.1109/JBHI.2016.2532354

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, J., Ren, Z., and San, Y. (2008). A two-level learning hierarchy for the radial basis function networks. Control Theory Appl. 25, 655–660. doi: 10.7641/j.issn.1000-8152.2008.4.012

CrossRef Full Text | Google Scholar

Chen, S., Chng, E. S., and Alkadhimi, K. (1996). Regularized orthogonal least squares algorithm for constructing radial basis function networks. Int. J. Contr. 64, 829–837. doi: 10.1080/00207179608921659

CrossRef Full Text | Google Scholar

Chen, S., Hong, X., and Harris, C. (2003). Sparse kernel regression modeling using combined locally regularized orthogonal least squares and D-optimality experimental design. IEEE Trans. Automat. Contr. 48, 1029–1036. doi: 10.1109/TAC.2003.812790

CrossRef Full Text | Google Scholar

Chen, S., Hong, X., Luk, B. L., and Harris, C. J. (2009). Construction of tunable radial basis function networks using orthogonal forward selection. IEEE Transac. Syst. Man Cybernet. Part B 39, 457–466. doi: 10.1109/TSMCB.2008.2006688

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, S., Wu, Y., and Luk, B. (1999). Combined genetic algorithm optimization and regularized orthogonal least squares learning for radial basis function networks. IEEE Transac. Neural Netw. 10, 1239–1243. doi: 10.1109/72.788663

PubMed Abstract | CrossRef Full Text | Google Scholar

Fawcett, T. (2006). An introduction to ROC analysis. Pattern Recognit. Lett. 27, 861–874. doi: 10.1016/j.patrec.2005.10.010

PubMed Abstract | CrossRef Full Text | Google Scholar

Gao, Y., Wang, X., Potter, T., Zhang, J., and Zhang, Y. (2020). Single-trial EEG Emotion recognition using granger causality/transfer entropy analysis. J. Neurosci. Methods 346:108904. doi: 10.1016/j.jneumeth.2020.108904

PubMed Abstract | CrossRef Full Text | Google Scholar

Hong, X., and Harris, C. (2002). Nonlinear model structure design and construction using orthogonal least squares and D-optimality design. IEEE Transac. Neural Netw. 13, 1245–1250. doi: 10.1109/TNN.2002.1031959

PubMed Abstract | CrossRef Full Text | Google Scholar

Hong, X., Harris, C. J., Chen, S., and Sharkey, P. M. (2003). Robust nonlinear model identification methods using forward regression. IEEE Transac. Syst. Man Cybernet. Part A Syst. Hum. 33, 514–523. doi: 10.1109/TSMCA.2003.809217

CrossRef Full Text | Google Scholar

Hotelling, H. (1933). Analysis of a complex of statistical variables into principal components. J. Educ. Psychol. 24, 417–441. doi: 10.1037/h0071325

PubMed Abstract | CrossRef Full Text | Google Scholar

Hsieh, C. S., and Tai, C. C. (2013). An improved and portable eye-blink duration detection system to warn of driver fatigue. Instrument. Sci. Technol. 41, 429–444. doi: 10.1080/10739149.2013.796560

CrossRef Full Text | Google Scholar

Hu, S., and Zheng, G. (2009). Driver drowsiness detection with eyelid related parameters by support vector machine. Expert Syst. Appl. 36, 7651–7658. doi: 10.1016/j.eswa.2008.09.030

CrossRef Full Text | Google Scholar

Huang, K. C., Huang, T. Y., Chuang, C. H., King, J. T., Wang, Y. K., Lin, C. T., et al. (2016). An EEG-based fatigue detection and mitigation system. Int. J. Neural Syst. 26:1650018. doi: 10.1142/S0129065716500180

PubMed Abstract | CrossRef Full Text | Google Scholar

Jimenez-Pinto, J., and Torres-Torriti, M. (2012). Face salient points and eyes tracking for robust drowsiness detection. Robotica 30, 731–741. doi: 10.1017/S0263574711000749

CrossRef Full Text | Google Scholar

Jung, S., Shin, H., and Chung, W. (2014). Driver fatigue and drowsiness monitoring system with embedded electrocardiogram sensor on steering wheel. IET Intellig. Transport Syst. 8, 43–50. doi: 10.1049/iet-its.2012.0032

CrossRef Full Text | Google Scholar

Kennedy, J., and Eberhart, R. (1995). Particle swarm optimization. Proc. ICNN'95 Int. Conf. Neural Netw. 4, 1942–1948. doi: 10.1109/ICNN.1995.488968

CrossRef Full Text | Google Scholar

Lever, J., Krzywinski, M., and Altman, N. (2017). Principal component analysis. Nat. Method 14, 641–642. doi: 10.1038/nmeth.4346

CrossRef Full Text | Google Scholar

Li, C., and Liu, X. (2016). “An improved PSO-BP neural network and its application to earthquake prediction,” in 2016 Chinese Control and Decision Conference (CCDC) (Yinchuan: IEEE), 3434–3438. doi: 10.1109/CCDC.2016.7531576

CrossRef Full Text | Google Scholar

Li, Y., Cui, W. G., Huang, H., Guo, Y. Z., Li, K., and Tan, T. (2019). Epileptic seizure detection in EEG signals using sparse multiscale radial basis function networks and the Fisher vector approach. Knowl. Based Syst. 164, 96–106. doi: 10.1016/j.knosys.2018.10.029

CrossRef Full Text | Google Scholar

Li, Y., Wang, X. D., Luo, M. L., Li, K., Yang, X. F., and Guo, Q. (2017). Epileptic seizure classification of EEGs using time–frequency analysis based multiscale radial basis functions. IEEE J. Biomed. Health Informat. 22, 386–397. doi: 10.1109/JBHI.2017.2654479

PubMed Abstract | CrossRef Full Text | Google Scholar

Li, Z., Chen, L., Peng, J., and Wu, Y. (2017). Automatic detection of driver fatigue using driving operation information for transportation safety. Sensors 17:1212. doi: 10.3390/s17061212

PubMed Abstract | CrossRef Full Text | Google Scholar

Ma, Y., Chen, B., Li, R., Wang, C., Wang, J., She, Q., et al. (2019). Driving fatigue detection from EEG using a modified PCANet method. Comput. Intellig. Neurosci. 2019:4721863. doi: 10.1155/2019/4721863

PubMed Abstract | CrossRef Full Text | Google Scholar

Ma, Y., Zhang, S., Qi, D., Luo, Z., Li, R., Potter, T., et al. (2020). Driving drowsiness detection with EEG using a modified hierarchical extreme learning machine algorithm with particle swarm optimization: a pilot study. Electronics 9:775. doi: 10.3390/electronics9050775

CrossRef Full Text | Google Scholar

MacKayi, D. J. C. (1992). Bayesian interpolation. Neural Comput. 4, 415–447. doi: 10.1162/neco.1992.4.3.415

CrossRef Full Text | Google Scholar

Masic, N., and Pfurtscheller, G. (1993). Neural network based classification of single-trial EEG data. Artif. Intell. Med. 5, 503–513 doi: 10.1016/0933-3657(93)90040-A

PubMed Abstract | CrossRef Full Text | Google Scholar

McLoone, S., Brown, M. D., Irwin, G., and Lightbody, A. (1998). A hybrid linear/nonlinear training algorithm for feedforward neural networks. IEEE Transac. Neural Netw. 9, 669–684. doi: 10.1109/72.701180

PubMed Abstract | CrossRef Full Text | Google Scholar

Michielsen, H. J., Vries, J. D., Heck, G. L. V., de Vijver, F. V., and Sijtsma, K. (2004). Examination of the dimensionality of fatigue: the construction of the Fatigue Assessment Scale (FAS). Eur. J. Psychol. Assess. 20, 39–48. doi: 10.1027/1015-5759.20.1.39

CrossRef Full Text | Google Scholar

Nguyen, T., Zhou, T., Potter, T., Zou, L., and Zhang, Y. (2019). The cortical network of emotion regulation: insights from advanced EEG-fMRI integration analysis. IEEE Trans. Med. Imaging 38, 2423–2433. doi: 10.1109/TMI.2019.2900978

PubMed Abstract | CrossRef Full Text | Google Scholar

O'Hanlon, J. F., and Kelley, G. R. (1977). “Comparison of performance and physiological changes between drivers who perform well and poorly during prolonged vehicular operation,” in Vigilance. NATO Conference Series, Vol 3, ed R. R. Mackie (Boston, MA: Springer). p. 189–202.

Google Scholar

Petković, D., Gocic, M., Shamshirband, S., Qasem, S. N., and Trajkovic, S. (2016) Particle swarm optimization-based radial basis function network for estimation of reference evapotranspiration. Theoret. Appl. Climatol. 125, 555–563. doi: 10.1007/s00704-015-1522-y

CrossRef Full Text | Google Scholar

Picot, A., Charbonnier, S., and Caplier, A. (2012). On-line detection of drowsiness using brain and visual information. IEEE Transac. Syst. Man Cybern.Part A Syst. Hum. 42, 764–775. doi: 10.1109/TSMCA.2011.2164242

CrossRef Full Text | Google Scholar

Sahayadhas, A., Sundaraj, K., and Murugappan, M. (2012). Detecting driver drowsiness based on sensors: review. Sensors 12, 16937–16953. doi: 10.3390/s121216937

PubMed Abstract | CrossRef Full Text | Google Scholar

She, Q., Chen, K., Luo, Z., Nguyen, T., Potter, T., and Zhang, Y. (2020a). Double-criteria active learning for multiclass brain-computer interfaces. Comput. Intell. Neurosci. 2020:3287589. doi: 10.1155/2020/3287589

PubMed Abstract | CrossRef Full Text | Google Scholar

She, Q., Hu, B., Gan, H., Fan, Y., Nguyen, T., Potter, T., et al. (2018). Safe semi-supervised extreme learning machine for EEG signal classification. IEEE Access 6, 49399–49407. doi: 10.1109/ACCESS.2018.2868713

CrossRef Full Text | Google Scholar

She, Q., Hu, B., Luo, Z., Nguyen, T., and Zhang, Y. (2019). A hierarchical semi-supervised extreme learning machine method for EEG recognition. Med. Biol. Eng. Comput. 57, 147–157. doi: 10.1007/s11517-018-1875-3

PubMed Abstract | CrossRef Full Text | Google Scholar

She, Q., Zou, J., Luo, Z., Nguyen, T., Li, R., and Zhang, Y. (2020b). Multi-class motor imagery EEG classification using collaborative representation-based semi-supervised extreme learning machine. Med. Biol. Eng. Comput. 58, 2119–2130. doi: 10.1007/s11517-020-02227-4

PubMed Abstract | CrossRef Full Text | Google Scholar

Shi, Y., and Eberhart, R. (1995). “A modified particle swarm optimizer,” in 1998 IEEE International Conference on Evolutionary Computation Proceedings. IEEE World Congress on Computational Intelligence (Cat. No.98TH8360) (Anchorage, AK), 69–73. doi: 10.1109/ICEC.1998.699146

PubMed Abstract | CrossRef Full Text | Google Scholar

Sikander, G., and Anwar, S. (2019). Driver fatigue detection systems: a review. IEEE Transac. Intellig. Transport. Syst.s 20, 2339–2352. doi: 10.1109/TITS.2018.2868499

CrossRef Full Text | Google Scholar

Simon, M., Schmidt, E. A., Kincses, W. E., Fritzsche, M., Bruns, A., Aufmuth, C., et al. (2011). EEG alpha spindle measures as indicators of driver fatigue under real traffic conditions. Clin. Neurophysiol. 122, 1168–1178. doi: 10.1016/j.clinph.2010.10.044

PubMed Abstract | CrossRef Full Text | Google Scholar

Vuckovic, A., Radivojevic, V. C. N., Chen, A., and Popovic, D. (2002). Automatic recognition of alertness and drowsiness from EEG by an artificial neural network. Med. Eng. Phys. 24, 349–360. doi: 10.1016/S1350-4533(02)00030-9

PubMed Abstract | CrossRef Full Text | Google Scholar

Wu, D., Luo, X., Shang, M., He, Y., Wang, G., and Wu, X. (2020). A data-characteristic-aware latent factor model for web services QoS prediction. IEEE Trans. Knowl. Data Eng. 32:1. doi: 10.1109/TKDE.2020.3014302

CrossRef Full Text | Google Scholar

Wu, D., Luo, X., Shang, M., He, Y., Wang, G., and Zhou, M. (2019). A deep latent factor model for high-dimensional and sparse matrices in recommender systems. IEEE Transac. Syst Man Cybernet. Syst. 50, 1–12. doi: 10.1109/TSMC.2019.2931393

CrossRef Full Text | Google Scholar

Wu, D., Luo, X., Wang, G., Shang, M., Yuan, Y., and Yan, H. (2018a). A highly accurate framework for self-labeled semisupervised classification in industrial applications. IEEE Transac. Indust. Informat. 14, 909–920. doi: 10.1109/TII.2017.2737827

CrossRef Full Text | Google Scholar

Wu, D., Shang, M., Luo, X., Xu, J., Yan, H., Den, W., et al. (2018b). Self-training semi-supervised classification based on density peaks of data. Neurocomputing 275, 180–191. doi: 10.1016/j.neucom.2017.05.072

CrossRef Full Text | Google Scholar

Yang, G., Lin, Y., and Bhattacharya, P. (2010). A driver fatigue recognition model based on information fusion and dynamic Bayesian network. Inf. Sci. 180, 1942–1954. doi: 10.1016/j.ins.2010.01.011

CrossRef Full Text | Google Scholar

Zaw, T., Tun, K. M. M., and Oo, A. N. (2019). “Price forecasting by back propagation neural network model,” in 2019 International Conference on Advanced Information Technologies (ICAIT) (Yangon: IEEE), 84–89. doi: 10.1109/AITC.2019.8921396

CrossRef Full Text | Google Scholar

Zhang, L., and Pu, J. (2020). “An improved back propagation neural network in objects recognition,” in 2011 IEEE International Conference on Automation and Logistics (ICAL) (IEEE), 507–511.

Google Scholar

Zhao, C., Zhao, M., Yang, Y., Gao, J., Rao, N., and Lin, P. (2017). The reorganization of human brain networks modulated by driving mental fatigue. IEEE J. Biomed. Health Informat. 21, 743–755. doi: 10.1109/JBHI.2016.2544061

PubMed Abstract | CrossRef Full Text | Google Scholar

Keywords: driving fatigue detection, electroencephalography, principal component analysis, radial basis function, neural network, classification

Citation: Ren Z, Li R, Chen B, Zhang H, Ma Y, Wang C, Lin Y and Zhang Y (2021) EEG-Based Driving Fatigue Detection Using a Two-Level Learning Hierarchy Radial Basis Function. Front. Neurorobot. 15:618408. doi: 10.3389/fnbot.2021.618408

Received: 16 October 2020; Accepted: 05 January 2021;
Published: 11 February 2021.

Edited by:

Mukesh Prasad, University of Technology Sydney, Australia

Reviewed by:

Devika Chhachhiya, Maharshi Dayanand University, India
Di Wu, Chongqing Institute of Green and Intelligent Technology (CAS), China

Copyright © 2021 Ren, Li, Chen, Zhang, Ma, Wang, Lin and Zhang. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Yingchun Zhang, yzhang94@uh.edu

Download