1.Automated detection of sleep-arousal using multi-scale convolution and self-attention mechanism.
Fan LI ; Yan XU ; Bin ZHANG ; Fengyu CONG
Journal of Biomedical Engineering 2023;40(1):27-34
In clinical, manually scoring by technician is the major method for sleep arousal detection. This method is time-consuming and subjective. This study aimed to achieve an end-to-end sleep-arousal events detection by constructing a convolutional neural network based on multi-scale convolutional layers and self-attention mechanism, and using 1 min single-channel electroencephalogram (EEG) signals as its input. Compared with the performance of the baseline model, the results of the proposed method showed that the mean area under the precision-recall curve and area under the receiver operating characteristic were both improved by 7%. Furthermore, we also compared the effects of single modality and multi-modality on the performance of the proposed model. The results revealed the power of single-channel EEG signals in automatic sleep arousal detection. However, the simple combination of multi-modality signals may be counterproductive to the improvement of model performance. Finally, we also explored the scalability of the proposed model and transferred the model into the automated sleep staging task in the same dataset. The average accuracy of 73% also suggested the power of the proposed method in task transferring. This study provides a potential solution for the development of portable sleep monitoring and paves a way for the automatic sleep data analysis using the transfer learning method.
Sleep
;
Sleep Stages
;
Arousal
;
Data Analysis
;
Electroencephalography
2.Study on the method of polysomnography sleep stage staging based on attention mechanism and bidirectional gate recurrent unit.
Ying LIU ; Changle HE ; Chengmei YUAN ; Haowei ZHANG ; Caojun JI
Journal of Biomedical Engineering 2023;40(1):35-43
Polysomnography (PSG) monitoring is an important method for clinical diagnosis of diseases such as insomnia, apnea and so on. In order to solve the problem of time-consuming and energy-consuming sleep stage staging of sleep disorder patients using manual frame-by-frame visual judgment PSG, this study proposed a deep learning algorithm model combining convolutional neural networks (CNN) and bidirectional gate recurrent neural networks (Bi GRU). A dynamic sparse self-attention mechanism was designed to solve the problem that gated recurrent neural networks (GRU) is difficult to obtain accurate vector representation of long-distance information. This study collected 143 overnight PSG data of patients from Shanghai Mental Health Center with sleep disorders, which were combined with 153 overnight PSG data of patients from the open-source dataset, and selected 9 electrophysiological channel signals including 6 electroencephalogram (EEG) signal channels, 2 electrooculogram (EOG) signal channels and a single mandibular electromyogram (EMG) signal channel. These data were used for model training, testing and evaluation. After cross validation, the accuracy was (84.0±2.0)%, and Cohen's kappa value was 0.77±0.50. It showed better performance than the Cohen's kappa value of physician score of 0.75±0.11. The experimental results show that the algorithm model in this paper has a high staging effect in different populations and is widely applicable. It is of great significance to assist clinicians in rapid and large-scale PSG sleep automatic staging.
Humans
;
Polysomnography
;
China
;
Sleep Stages
;
Sleep
;
Algorithms
3.Automatic sleep staging based on power spectral density and random forest.
Journal of Biomedical Engineering 2023;40(2):280-285
The method of using deep learning technology to realize automatic sleep staging needs a lot of data support, and its computational complexity is also high. In this paper, an automatic sleep staging method based on power spectral density (PSD) and random forest is proposed. Firstly, the PSDs of six characteristic waves (K complex wave, δ wave, θ wave, α wave, spindle wave, β wave) in electroencephalogram (EEG) signals were extracted as the classification features, and then five sleep states (W, N1, N2, N3, REM) were automatically classified by random forest classifier. The whole night sleep EEG data of healthy subjects in the Sleep-EDF database were used as experimental data. The effects of using different EEG signals (Fpz-Cz single channel, Pz-Oz single channel, Fpz-Cz + Pz-Oz dual channel), different classifiers (random forest, adaptive boost, gradient boost, Gaussian naïve Bayes, decision tree, K-nearest neighbor), and different training and test set divisions (2-fold cross-validation, 5-fold cross-validation, 10-fold cross-validation, single subject) on the classification effect were compared. The experimental results showed that the effect was the best when the input was Pz-Oz single-channel EEG signal and the random forest classifier was used, no matter how the training set and test set were transformed, the classification accuracy was above 90.79%. The overall classification accuracy, macro average F1 value, and Kappa coefficient could reach 91.94%, 73.2% and 0.845 respectively at the highest, which proved that this method was effective and not susceptible to data volume, and had good stability. Compared with the existing research, our method is more accurate and simpler, and is suitable for automation.
Humans
;
Random Forest
;
Bayes Theorem
;
Sleep Stages
;
Sleep
;
Electroencephalography/methods*
4.Automatic sleep staging algorithm for stochastic depth residual networks based on transfer learning.
Yunzhi TIAN ; Qiang ZHOU ; Wan LI
Journal of Biomedical Engineering 2023;40(2):286-294
The existing automatic sleep staging algorithms have the problems of too many model parameters and long training time, which in turn results in poor sleep staging efficiency. Using a single channel electroencephalogram (EEG) signal, this paper proposed an automatic sleep staging algorithm for stochastic depth residual networks based on transfer learning (TL-SDResNet). Firstly, a total of 30 single-channel (Fpz-Cz) EEG signals from 16 individuals were selected, and after preserving the effective sleep segments, the raw EEG signals were pre-processed using Butterworth filter and continuous wavelet transform to obtain two-dimensional images containing its time-frequency joint features as the input data for the staging model. Then, a ResNet50 pre-trained model trained on a publicly available dataset, the sleep database extension stored in European data format (Sleep-EDFx) was constructed, using a stochastic depth strategy and modifying the output layer to optimize the model structure. Finally, transfer learning was applied to the human sleep process throughout the night. The algorithm in this paper achieved a model staging accuracy of 87.95% after conducting several experiments. Experiments show that TL-SDResNet50 can accomplish fast training of a small amount of EEG data, and the overall effect is better than other staging algorithms and classical algorithms in recent years, which has certain practical value.
Humans
;
Sleep Stages
;
Algorithms
;
Sleep
;
Wavelet Analysis
;
Electroencephalography/methods*
;
Machine Learning
5.Automatic sleep staging model based on single channel electroencephalogram signal.
Haowei ZHANG ; Zhe XU ; Chengmei YUAN ; Caojun JI ; Ying LIU
Journal of Biomedical Engineering 2023;40(3):458-464
Sleep staging is the basis for solving sleep problems. There's an upper limit for the classification accuracy of sleep staging models based on single-channel electroencephalogram (EEG) data and features. To address this problem, this paper proposed an automatic sleep staging model that mixes deep convolutional neural network (DCNN) and bi-directional long short-term memory network (BiLSTM). The model used DCNN to automatically learn the time-frequency domain features of EEG signals, and used BiLSTM to extract the temporal features between the data, fully exploiting the feature information contained in the data to improve the accuracy of automatic sleep staging. At the same time, noise reduction techniques and adaptive synthetic sampling were used to reduce the impact of signal noise and unbalanced data sets on model performance. In this paper, experiments were conducted using the Sleep-European Data Format Database Expanded and the Shanghai Mental Health Center Sleep Database, and achieved an overall accuracy rate of 86.9% and 88.9% respectively. When compared with the basic network model, all the experimental results outperformed the basic network, further demonstrating the validity of this paper's model, which can provide a reference for the construction of a home sleep monitoring system based on single-channel EEG signals.
China
;
Sleep Stages
;
Sleep
;
Electroencephalography
;
Databases, Factual
6.A hybrid attention temporal sequential network for sleep stage classification.
Zheng JIN ; Kebin JIA ; Ye YUAN
Journal of Biomedical Engineering 2021;38(2):241-248
Sleep stage classification is a necessary fundamental method for the diagnosis of sleep diseases, which has attracted extensive attention in recent years. Traditional methods for sleep stage classification, such as manual marking methods and machine learning algorithms, have the limitations of low efficiency and defective generalization. Recently, deep neural networks have shown improved results by the capability of learning complex pattern in the sleep data. However, these models ignore the intra-temporal sequential information and the correlation among all channels in each segment of the sleep data. To solve these problems, a hybrid attention temporal sequential network model is proposed in this paper, choosing recurrent neural network to replace traditional convolutional neural network, and extracting temporal features of polysomnography from the perspective of time. Furthermore, intra-temporal attention mechanism and channel attention mechanism are adopted to achieve the fusion of the intra-temporal representation and the fusion of channel-correlated representation. And then, based on recurrent neural network and inter-temporal attention mechanism, this model further realized the fusion of inter-temporal contextual representation. Finally, the end-to-end automatic sleep stage classification is accomplished according to the above hybrid representation. This paper evaluates the proposed model based on two public benchmark sleep datasets downloaded from open-source website, which include a number of polysomnography. Experimental results show that the proposed model could achieve better performance compared with ten state-of-the-art baselines. The overall accuracy of sleep stage classification could reach 0.801, 0.801 and 0.717, respectively. Meanwhile, the macro average F1-scores of the proposed model could reach 0.752, 0.728 and 0.700. All experimental results could demonstrate the effectiveness of the proposed model.
Electroencephalography
;
Neural Networks, Computer
;
Polysomnography
;
Sleep
;
Sleep Stages
7.The accuracy and influencing factors of sleep staging based on single-channel EEG via a deep neural network.
Xiang GAO ; Yan Ru LI ; Guo Dong LIN ; Ming Kai XU ; Xiao Qing ZHANG ; Yun Han SHI ; Wen XU ; Xing Jun WANG ; De Min HAN
Chinese Journal of Otorhinolaryngology Head and Neck Surgery 2021;56(12):1256-1262
Objective: To investigate theaccuracy of artificial intelligence sleep staging model in patients with habitual snoring and obstructive sleep apnea hypopnea syndrome (OSAHS) based on single-channel EEG collected from different locations of the head. Methods: The clinical data of 114 adults with habitual snoring and OSAHS who visited to the Sleep Medicine Center of Beijing Tongren Hospital from September 2020 to March of 2021 were analyzed retrospectively, including 93 males and 21 females, aging from 20 to 64 years old. Eighty-five adults with OSAHS and 29 subjects with habitual snoring were included. Sleep staging analysis was performed on the single lead EEG signals of different locations (FP2-M1, C4-M1, F3-M2, ROG-M1, O1-M2) using the deep learning segmentation model trained by previous data. Manual scoring results were used as the gold standard to analyze the consistency rate of results and the influence of different categories of disease. Results: EEG data in 124 747 30-second epochs were taken as the testing dataset. The model accuracy of distinguishing wake/sleep was 92.3%,92.6%,93.5%,89.2% and 83.0% respectively,based on EEG channel Fp2-M1, C4-M1, F3-M2, REOG-M1 or O1-M2. The mode accuracy of distinguishing wake/REM/NREM and wake/REM/N1-2/SWS , was 84.7% and 80.1% respectively based on channel Fp2-M1, which located in forehead skin. The AHI calculated based on total sleep time derived from the model and gold standard were 13.6[4.30,42.5] and 14.2[4.8,42.7], respectively (Z=-2.477, P=0.013), and the kappa coefficient was 0.977. Conclusions: The autonomic sleep staging via a deep neural network model based on forehead single-channel EEG (Fp2-M1) has a good consistency in the identification sleep stage in a population with habitual snoring and OSAHS with different categories. The AHI calculated based on this model has high consistency with manual scoring.
Adult
;
Artificial Intelligence
;
Electroencephalography
;
Female
;
Humans
;
Male
;
Middle Aged
;
Neural Networks, Computer
;
Retrospective Studies
;
Sleep
;
Sleep Stages
;
Young Adult
8.Prediction of Obstructive Sleep Apnea Based on Respiratory Sounds Recorded Between Sleep Onset and Sleep Offset
Jeong Whun KIM ; Taehoon KIM ; Jaeyoung SHIN ; Goun CHOE ; Hyun Jung LIM ; Chae Seo RHEE ; Kyogu LEE ; Sung Woo CHO
Clinical and Experimental Otorhinolaryngology 2019;12(1):72-78
OBJECTIVES: To develop a simple algorithm for prescreening of obstructive sleep apnea (OSA) on the basis of respiratorysounds recorded during polysomnography during all sleep stages between sleep onset and offset. METHODS: Patients who underwent attended, in-laboratory, full-night polysomnography were included. For all patients, audiorecordings were performed with an air-conduction microphone during polysomnography. Analyses included allsleep stages (i.e., N1, N2, N3, rapid eye movement, and waking). After noise reduction preprocessing, data were segmentedinto 5-s windows and sound features were extracted. Prediction models were established and validated with10-fold cross-validation by using simple logistic regression. Binary classifications were separately conducted for threedifferent threshold criteria at apnea hypopnea index (AHI) of 5, 15, or 30. Prediction model characteristics, includingaccuracy, sensitivity, specificity, positive predictive value (precision), negative predictive value, and area under thecurve (AUC) of the receiver operating characteristic were computed. RESULTS: A total of 116 subjects were included; their mean age, body mass index, and AHI were 50.4 years, 25.5 kg/m2, and23.0/hr, respectively. A total of 508 sound features were extracted from respiratory sounds recorded throughoutsleep. Accuracies of binary classifiers at AHIs of 5, 15, and 30 were 82.7%, 84.4%, and 85.3%, respectively. Predictionperformances for the classifiers at AHIs of 5, 15, and 30 were AUC, 0.83, 0.901, and 0.91; sensitivity, 87.5%,81.6%, and 60%; and specificity, 67.8%, 87.5%, and 94.1%. Respective precision values of the classifiers were89.5%, 87.5%, and 78.2% for AHIs of 5, 15, and 30. CONCLUSION: This study showed that our binary classifier predicted patients with AHI of ≥15 with sensitivity and specificityof >80% by using respiratory sounds during sleep. Since our prediction model included all sleep stage data, algorithmsbased on respiratory sounds may have a high value for prescreening OSA with mobile devices.
Apnea
;
Area Under Curve
;
Body Mass Index
;
Classification
;
Humans
;
Logistic Models
;
Machine Learning
;
Noise
;
Polysomnography
;
Respiratory Sounds
;
ROC Curve
;
Sensitivity and Specificity
;
Sleep Apnea, Obstructive
;
Sleep Stages
;
Sleep, REM
9.Sleep stage estimation method using a camera for home use
Teruaki NOCHINO ; Yuko OHNO ; Takafumi KATO ; Masako TANIIKE ; Shima OKADA
Biomedical Engineering Letters 2019;9(2):257-265
Recent studies have developed simple techniques for monitoring and assessing sleep. However, several issues remain to be solved for example high-cost sensor and algorithm as a home-use device. In this study, we aimed to develop an inexpensive and simple sleep monitoring system using a camera and video processing. Polysomnography (PSG) recordings were performed in six subjects for four consecutive nights. Subjects' body movements were simultaneously recorded by the web camera. Body movement was extracted by video processing from the video data and fi ve parameters were calculated for machine learning. Four sleep stages (WAKE, LIGHT, DEEP and REM) were estimated by applying these fi ve parameters to a support vector machine. The overall estimation accuracy was 70.3 ± 11.3% with the highest accuracy for DEEP (82.8 ± 4.7%) and the lowest for LIGHT (53.0 ± 4.0%) compared with correct sleep stages manually scored on PSG data by a sleep technician. Estimation accuracy for REM sleep was 68.0 ± 6.8%. The kappa was 0.19 ± 0.04 for all subjects. The present non-contact sleep monitoring system showed suffi cient accuracy in sleep stage estimation with REM sleep detection being accomplished. Low-cost computing power of this system can be advantageous for mobile application and modularization into home-device.
Machine Learning
;
Methods
;
Mobile Applications
;
Polysomnography
;
Sleep Stages
;
Sleep, REM
;
Support Vector Machine
10.A Case of Rapid Eye Movement Sleep-Related Bradyarrhythmia Syndrome with Severe Obstructive Sleep Apnea Syndrome
Dong Hyun LEE ; Tae Hoon KIM ; Kyoung HEO
Journal of Sleep Medicine 2019;16(1):56-60
A close relationship has emerged between obstructive sleep apnea (OSA) and cardiac arrhythmia. However, transient sinus arrest or atrioventricular (AV) conduction disturbance during rapid eye movement (REM) sleep was rarely reported. This sleep stage specific arrhythmia has been referred to as REM sleep-related bradyarrhythmia syndrome. The differential diagnosis between OSA-related arrhythmia and REM sleep-related bradyarrhythmia syndrome is important in determining the treatment strategy for the underlying disease and its complication, especially in patient with a history of OSA. Here, we report a case with both REM sleep-related AV block and severe OSA, whose REM sleep-related AV block was not improved with continuous positive airway pressure treatment.
Arrhythmias, Cardiac
;
Atrioventricular Block
;
Bradycardia
;
Continuous Positive Airway Pressure
;
Diagnosis, Differential
;
Humans
;
Sleep Apnea, Obstructive
;
Sleep Stages
;
Sleep, REM

Result Analysis
Print
Save
E-mail