Skip to main content

Machine learning-empowered sleep staging classification using multi-modality signals

Abstract

The goal is to enhance an automated sleep staging system's performance by leveraging the diverse signals captured through multi-modal polysomnography recordings. Three modalities of PSG signals, namely electroencephalogram (EEG), electrooculogram (EOG), and electromyogram (EMG), were considered to obtain the optimal fusions of the PSG signals, where 63 features were extracted. These include frequency-based, time-based, statistical-based, entropy-based, and non-linear-based features. We adopted the ReliefF (ReF) feature selection algorithms to find the suitable parts for each signal and superposition of PSG signals. Twelve top features were selected while correlated with the extracted feature sets' sleep stages. The selected features were fed into the AdaBoost with Random Forest (ADB + RF) classifier to validate the chosen segments and classify the sleep stages. This study's experiments were investigated by obtaining two testing schemes: epoch-wise testing and subject-wise testing. The suggested research was conducted using three publicly available datasets: ISRUC-Sleep subgroup1 (ISRUC-SG1), sleep-EDF(S-EDF), Physio bank CAP sleep database (PB-CAPSDB), and S-EDF-78 respectively. This work demonstrated that the proposed fusion strategy overestimates the common individual usage of PSG signals.

Peer Review reports

Introduction

Sleep is a fundamental necessity for humans, crucial for maintaining physical and mental well-being [1]. Inadequate sleep patterns have been observed to lead to difficulties in learning, concentration, and decision-making and can impact social interactions. Prolonged adherence to such sleep behaviors may result in various sleep disorders. Notably, certain sleep disorders, like obstructive sleep apnea (OSA) [2], have direct or indirect associations with chronic diseases, such as an increased risk of stroke [3]. Additionally, insomnia has been linked to conditions like diabetes and cardiovascular diseases [4]. Therefore, assessing sleep quality and employing proper diagnostic procedures to address diverse sleep issues for overall health is imperative. Two main standards, R&K and AASM guidelines, examine sleep patterns and their attributes. R&K rules categorize the entire sleep cycle into seven stages, including Wake (W), Stage1 (S1), Stage2 (S2), Stage3 (S3), Stage4 (S4), Rapid Eye Movement (REM), and movement time. Stages S1 to S4 are considered non-REM sleep stages. In later research, the American Academy of Sleep Medicine (AASM) introduced updated guidelines, consolidating the sleep cycle into five stages: Wakefulness (W), N1, N2, and N3, with changes reflecting the measurement and treatment of S3 and S4 as part of the N3 stage [5].

Experts commonly employ the Polysomnography (PSG) test to assess different types of sleep disorders in subjects. PSG signals typically include an electroencephalogram (EEG) [6], electrocardiogram (ECG) [6], electrooculogram (EOG) [7], and electromyogram (EMG) [8]. These signals are recorded and analyzed visually by experts. The process involves at least two experts, one interpreting the signal waveforms while the other annotating them [9]. In the traditional diagnostic approach, manual inspection is used to observe and label the subject's sleep behavior. However, this method often yields lower performance due to variations in labeling and annotation skills among experts [10]. Additionally, reaching a consensus on sleep stage labels between the two experts can be challenging. As a result, many automated sleep staging systems have been developed to analyze sleep stages based on various sleep disorders, aiming to automate the scoring of sleep stages [11]. Figure 1 illustrates the EEG pattern of sleep stages. The depicted sleep EEG behavior is from subject id-61, a 61-year-old male, sourced from the Physio Bank CAP Sleep (PB-CAPSD) database [12]. This particular subject experienced periodic limb movement disorder. The figure highlights distinct EEG behaviors associated with each sleep stage, annotated to showcase their waveform characteristics. The N1 stage represents a transitional phase between light and deep sleep. In this stage, the EEG predominantly contains alpha waveforms, constituting about 2–5% of total sleep. Moving to stage N2, waveforms such as sleep spindles and k-complexes are prevalent, covering approximately 40–60% of total sleep for one subject [12]. Finally, the REM stage behavior closely resembles the wake stage, featuring sawtooth waves with alpha and theta activities [13]. The interconnected changes in sleep behavior during transitions between stages play a vital role in studying mental and physical health. Individuals with various sleep disorders often deviate from a regular sleep cycle [14].

Fig. 1
figure 1

EEG patterns with the different sleep stages

Therefore, classifying sleep stages, particularly N1 or an extended transition period like N2, is crucial for identifying irregularities during sleep. In routine practice, sleep experts traditionally manually record multiple EEG signals and label them with corresponding sleep stages, making the entire process labor-intensive, time-consuming, and costly [15].

In the intersection of brainwave analysis and machine learning, extracting features from EEG signals plays a pivotal role. Wavelet transform, for instance, can analyze signals at multiple scales, making it valuable for detecting episodic events or signal changes over time. This characteristic renders it suitable for identifying changes in EEG signals, such as sudden increases or decreases in activity, which may be associated with specific events. This suggests a promising avenue for leveraging machine learning techniques to enhance the accuracy of sleep pattern analysis.

Despite the successes seen with both single and multi-modal sleep staging methods, several notable drawbacks persist:

  1. i)

    A generalized framework adaptable for the classification task from the conventional five-stage to two-stage sleep stages is lacking.

  2. ii)

    Supervised classification models, while effective with known data, may struggle with new records and can misclassify significant sleep stage patterns. Additionally, the features extracted from these models may be limited and fail to capture the complexity of the original signals adequately.

  3. iii)

    Misclassification of several epochs as belonging to either N1 or REM stages has been observed, directly impacting the accuracy performance of sleep staging algorithms.

This study aims to leverage multi-modal signal fusions and apply them using machine learning techniques to overcome the limitations of traditional methods in sleep scoring. The objective is to enhance the consistency of polysomnography scoring and develop classifiers with high accuracy for each sleep stage.

Related research

Over the years, the researchers developed different sleep staging methods based on machine learning and deep learning techniques. Most studies can be categorized into i) single-channel-based and multi-channel-based methods. In [16] the authors analyzed the sleep characteristics epochs that were pooled, then screened the features and selected the most suitable features based on relevance. In [17], the authors employed a band-pass filter during pre-processing to eliminate artifacts from the data. Their method yielded superior outcomes compared to existing procedures. Specifically, their approach proved effective for detecting dishonesty in EEG-based Brain-Computer Interface (BCI) systems.

In [18], the authors employed an orthogonal convolutional neural network (OCNN) to extract features from recorded polysomnography signals. They conducted their analysis on two publicly available sleep datasets from UCD and MIT-BIH. The OCNN model achieved accuracies of 88.4% and 87.6% with the UCD and MIT-BIH datasets, respectively. In [19], the author employed multi-modal classification and decision-making systems for sleep staging, incorporating an external neural network. The experimental work utilized the CAP sleep dataset, and the results indicated that the model performed well compared to an individual CNN model. The proposed model achieved a high accuracy of 95.43% for the six-class classification problem. In [20], the author introduced a novel approach for automated scoring of different stages of sleep using EEG signals collected from a single channel. This method utilized a unique cascaded recurrent neural network (RNN) architecture. The EEG data underwent preprocessing 55 times, and frequency-domain features were extracted, with the most relevant features selected via feature reduction techniques. Overall, the model achieved a classification accuracy of 86.7% for the five stages of sleep. The primary focus of this effort was to improve classification performance in sleep stage N1, with the aim of achieving satisfactory results in the remaining sleep stages as well. In reference [21], a novel method for automatic sleep stage categorization using EEG information from a single channel was proposed. The main idea is to directly apply the raw EEG signal to a deep convolutional neural network (CNN), bypassing the traditional feature extraction and selection process used in previous approaches. The suggested network architecture consists of nine convolutional layers followed by two fully connected layers. The proposed method achieved an accuracy above 90% for categorizing two to six classes, representing an improvement over existing methods. Additionally, Cohen's Kappa coefficients were reported as 0.98, 0.94, 0.90, 0.86, and 0.89, respectively, indicating strong agreement between predicted and actual sleep stages. In [22], the author utilized the concept of a weighted undirected network by mapping the feature vector into it. This network's various structural and spectral characteristics were separated. In [23] the author used multi-scale deep neural architectures, in which the decomposed signals were input into the CNN model for further analysis of the sleep patterns. The model resulted in an accuracy of 80.7% using S-EDF and 86.5% with the MASS dataset. In [24], the author used semi-supervised learning techniques for a better presentation of EEG signals for sleep staging. The author used two public datasets for this research work. The model received accuracy of 70.01% and 50.36% with S-EDF and ISRUC-Sleep datasets respectively. In [25], the author introduced a lightweight automated sleep staging system designed specifically for children, utilizing a single-channel EEG signal. The author combined Convolutional Neural Network (CNN) and Long Short-Term Memory (LSTM) models for classifying sleep stages. The experiments were conducted using two datasets: a children's sleep dataset and the Sleep-EDFx dataset. The system achieved an accuracy of 83.06% with the children's sleep dataset using the F4-M1 channel and 86.41% with the Sleep-EDFx dataset with manual feature extraction. In [26], the authors used multi-branch one-dimensional convolutional neural networks and extracted different frequency domain features from single-channel EEG data. The model resulted from 90.31% accuracy, 95.30% specificity, and 65.73% F1score. In reference [26], the authors employed multi-branch one-dimensional convolutional neural networks (CNNs) and extracted various frequency domain features and achieved an accuracy of 90.31%, specificity of 95.30%, and an F1 score of 65.73%. Some of the recent studies on sleep staging are presented in Table 1.

Table 1 Recent research works carried out on automated sleep stage classification using EEG and PSG signals

This research proposed a multi-modal machine learning model aimed at identifying changes in characteristics across individual sleep stages during sleep hours. The model achieves this by fusing multi-modal signals to classify sleep patterns [36]. It has been observed that the EEG signal is the most effective for robust sleep staging analysis. However, accurately analyzing changes in sleep behavior across individual sleep stages remains challenging [37]. The EMG and EOG signals can be acquired and recorded relatively easily, and there is evidence demonstrating a correlation between EEG, EMG, and EOG signals during sleep [38, 39]. The objective is to enhance the consistency in polysomnography scoring and to develop classifiers with high accuracy for each stage of sleep. Recognizing the substantial influence that various sleep stages exert on arousal, our research seeks to address the gap in existing studies by investigating different irregularities [40].

The notable advancements made by this research investigation are summarized as follows:

  • Development of an automated sleep staging system by integrating three modalities of polysomnography signals.

  • Incorporation of subject-specific features, such as age, to enhance sleep staging performance. This addresses a gap in existing sleep studies, which often rely solely on traditional feature-based analyses without considering subject characteristics.

  • Introduction of an efficient feature selection method, the ReliefF feature selection algorithm is employed to simplify the feature selection process.

  • Employing the AdaBoost algorithm with a random forest as a base classifier for sleep stage classification. This approach improves model prediction accuracy and resilience to overfitting and missing data issues.

  • Reduction of reliance on prior knowledge in the feature extraction stage through the introduction of efficient adaptive signal analysis techniques.

  • Comprehensive representation of differences between sleep stages by leveraging multimodal sleep data.

  • Evaluation of the impact of different feature selectors and classifiers on the classification performance. Testing of the proposed methodology with heterogeneous signal data, demonstrating high classification accuracy in discriminating between sleep stages associated with heterogeneous signal characteristics.

The complete research study is presented in six sections. In the first section, the importance of sleep is briefly discussed. The second section presented related studies on sleep staging. The third section briefly presented the proposed methodology. The fourth section illustrates experimental and simulation result analysis. The fifth section delves into the results obtained and compares them with existing relevant research contributions. Finally, the last section concludes with this research work.

Materials and methodology

In our investigation, we have combined AdaBoost with a foundational classifier called Random Forest (RF) for the classification of sleep stages. RF enhances the model's prediction variance by utilizing bootstrap sampling and selecting features via the ReliefF feature selection algorithm. Meanwhile, AdaBoost addresses the model's prediction bias by optimizing residuals. Consequently, by leveraging the strengths of these two algorithms, our research aims to enhance the performance of sleep staging in the model. This research also investigates the impact of age on sleep behavior, a factor often overlooked in recent studies. However, it's been noted that there exists a direct correlation between sleep patterns and the age of the subject. This insight is crucial for understanding variations in sleep characteristics across different stages. Recent contributions in sleep stage analysis have been critiqued for overlooking crucial aspects. For instance, they often neglect to consider the age factor when analyzing sleep behavior and fail to address imbalances in sleep epochs across different stages. Additionally, many studies overlook infrequent sleep stage transitions, such as subjects transitioning directly from wakefulness to deep sleep, particularly among healthy individuals [41]. The model is developed using multi-modal PSG signals. The complete framework of this research work is explained in Fig. 2.

Fig. 2
figure 2

The complete layout of the proposed research work

Sleep stages classes

According to the sleep rules established by R&K (Rechtschaffen and Kales) and AASM (American Academy of Sleep Medicine), sleep stages can be classified into two to six distinct classes. Details of sleep stage classification problems considered in this study are shown in Table 2.

Table 2 Description of sleep stages with AASM guidelines for this proposed work

Data description

ISRUC-Sleep subgroup1 database (ISRUC-SG1)

In this study, ISRUC-Sleep datasets were used, comprising sleep recordings from subjects having distinct medical conditions and affected by various types of sleep issues. These recordings were collected at the Hospital of Coimbra University from 200 to 2013 [41]. In the present work, 18 subjects were considered, among which 15 are male subjects and 4 female subjects, having an age range between 22–76 years.

Sleep-EDF database (S-EDF)

A whole of 8 Caucasian subjects' sleep recordings were collected. The collected recordings are mainly categorized into SC* and ST*. The SC* contained four subject recordings from healthy subjects. The ST* categories had four subjects with mild sleep problems. One EEG signal (Fpz-Cz), one EOG, and one EMG signal were recorded for category subjects [42].

Physio Bank CAP Sleep (PB-CAPSD) database

This dataset contained 108 polysomnographic recordings (CAP Sleep Database) [43]. This dataset collected EEG, EOG, EMG channels, and other electrophysiological signals. The detailed descriptions of this dataset were given in [43]. This research work retrieved PSG signals from six healthy subjects aged 23 to 37 years. The average period of sleep time for each subject is 8.5. The entire overnight polysomnography recordings were processed under the R&K rules. The number of subject recordings present in a particular dataset as classified into different sleep stages is presented in Table 3 below.

Table 3 Description of distribution of sleep stages

Sleep-EDF-78 dataset

Sleep-EDF-78 is an expanded version of Sleep-EDF-20, comprising 197 overnight polysomnography (PSG) recordings. It includes annotated sleep stage information from 20 healthy subjects and 58 subjects experiencing mild sleep difficulties. The subjects range in age from 25 to 101 years, with 41 male and 37 female participants. These recordings feature various physiological signals, including EEG, EOG, and EMG [44].

Generally, two different types of methods are more popular concerning clinical data; that is subject-wise (Subject-Independent Test) and epoch-wise (Subject-Dependent Test) (Fig. 3). This article uses the subject-wise and epoch-wise analysis methods on the ISRUC-SG1, S-EDF, and PB-CAPSD databases. Figure 4a-c presents the PSG signals recorded from the ISRUC-Sleep dataset of subject-5 with the 30 s of each sleep stage, including Wake, N1, N2, N3, and REM stages recorded on a subject affected by a small airway obstruction syndrome. In this case, the subject sleep cycle is continuously disturbed, and finds brief arousals in sleep, which causes the deprivation of REM and N3 sleep. Similarly, Fig. 5a-c presents the subject's sleep stages behavior recorded from the Sleep-EDF dataset of subject- sc4002e0, which was wholly healthy and controlled, with no sleep problems in earlier days.

Fig. 3
figure 3

Training and Testing data partitioning methods: a subject-wise, b epoch-wise

Fig. 4
figure 4

Sample recordings of the sleep-disordered subject-5 a using EEG signal b using EOG signal c using EMG signal of from ISRUC-Sleep dataset

Fig. 5
figure 5

Sample Sleep recordings of the healthy controlled subject- sc4002e0 a using EEG signal b using EOG signal c using EMG signal of subject-1 from CAP Sleep Database

Preprocessing

In this research, artifacts were eliminated by employing a 10th-order Butterworth bandpass filter spanning frequencies from 0.5 to 49.5 Hz [45]. Generally, the raw signals are highly contaminated with different artifacts and irrelevant noises, which is difficult to process directly. To eliminate noise and artifacts, notch filtering, a high-pass filter with a cut-off frequency of 0.3 Hz, and a low-pass filter with a cut-off frequency of 30 Hz were applied to the EEG and EOG signals [46, 47]. To process the EMG signal, notch filtering, a high-pass filter with a cutoff frequency of 10 Hz, and a low-pass filter with a cutoff frequency of 75 Hz were utilized [48, 49]. All the preprocessing is performed through the MATLAB signal processing toolbox using digital filtering techniques.

Features extraction

Feature analysis is of utmost importance to analyze subjects’ behavior to determine the parameters that significantly decide the classified stage [50]. The characteristics during sleep that are strongly correlated to the location that a particular epoch of sleep duration belongs to can be observed through feature extraction, which becomes even more necessary when the signals are highly random and unstable, as is the case with polysomnography signals [51,52,53]. The obtained features from different physiological signals are presented in Tables 4, 5, and 6, respectively.

Table 4 Extracted features from EEG Signal
Table 5 Extracted features from EOG signal
Table 6 Extracted features from EMG signal

Feature normalization and reduction

Feature normalization

After the feature extraction, a feature set with the dimensions of 16266 × 63, 15139 × 63, and 6047 × 63 for multi-modal PSG signals using ISRUC-SG1, S-EDF, and PB-CAPSD, respectively. Generally, the subject's data for both the baseline and the time series information have different orders of magnitude. Train the ML-based classification model makes converging difficult [51, 54]. To confirm that every feature data has to be level of the same standards, feature values were standardized using the z-score method. Zero mean and unit variance have been used here, after which a normalized feature vector is generated. This, in general, boosts the system’s performance and helps to remove the outliers.

Feature reduction

It is also one of the critical steps during the sleep staging process. It has been found that sometimes improper signal fusions may degrade the model’s performance. For this reason, it's essential to screen the best convenient feature, which helps discriminate the parts based on their characteristic changes over the individual sleep stages [55]. This study employs the ReliefF (ReF), a supervised feature weighting algorithm, to extract relevant features. The extracted features and their corresponding weights are presented in Tables 7, 8, 9, and 10, respectively.

Table 7 EEG features with their ReliefF weights
Table 8 EOG features with their ReliefF weights
Table 9 EMG features with their ReliefF weights
Table 10 Features selected from EEG, EOG, and EMG signals fusions

The AdaBoost meta-learning method is fed with the features from the ReF algorithm to produce base-learner random forest classifiers for accuracy improvement & mitigation of overfiring issues [56]. AdaBoost reinforces any base classification problem by boosting its accuracy. This approach is foolproof, simple, and convenient; it is rated much higher than its counterparts. Besides this, it has the added advantage of being non-parametric and performs much more reliably in figuring out the outlier information from training samples [57, 58]. One of the standout features of this algorithm is that it is agnostic of the presence of any weak learners. Hence it finds presence across many classification problems. The algorithm here is being fed with a training dataset TD which ranges over n sample values i.e. \({T}_{D}=\left({X}_{i},{Y}_{i}\right)\) for i = 1, 2,…N; The variables \({X}_{i}\) & \({Y}_{i}\) = {0,1,2,3,5} represent feature vector and its labels respectively. The class labels 5,3,2,1 and 0 correspond to the REM, N3, N2, N1, and WAKE stages, respectively. Followed by this, the base level classification models is called over several times. The weak hypotheses are linearly combined to construct the final view at each round.

Random Forest (RF) is one of the most acceptable methodologies in classification, easily head-and-shoulders above its compatriots. It is one of the superiors among the various Bagging techniques [59]. The stand-out feature of this methodology is its ability to process massive datasets smartly and its capability to deal with large volumes of input variables without data loss and seamlessly characterizing the features of classification. Besides this, its ability to manage outliers and noise data are noteworthy. This algorithm is nothing but an aggregation of classifiers in an efficient tree structure. Each of the participating trees independently contains random sample values [60]. This is suitable for all other trees of the forest as well. The predictive results are derived using voting at each step, and subsequently, the highest voted predictive effect becomes the final prediction result.

Random Forest of AdaBoost algorithm is taken as the base classifier to classify the sleep stage. This duo has only ensured higher classification accuracy for all the sleep stages. The below algorithm presents their correlation as following Algorithm 3:

figure a

Algorithm 3. Random Forest of AdaBoost algorithm

Experimental set-up

Only Polysomnography (PSG) signals have been considered for this work, which is a combination of the physiological signals pertaining to the three channels: EEG, EOG, and EMG. The entire duration of these recordings is segmented into epochs of 30 s. This study obtained two different testing schemes such as epoch-wise and subject-wise.The entire experiments were compiled and executed using MATLAB 2017b version.

Testing schemes

Epoch-wise Test (Subject Dependent Test)

In this testing scheme, tenfold cross-validation, considers all the samples to be mixed to evaluate the proposed model's performance. During this test procedure, both the training and testing samples were obtained from the same subject. So, the performance of this testing scheme may be overly optimistic and incomparable to the subject-wise analysis.

Subject-wise Test (Subject Independent Test)

During this testing method, we have obtained a cross-validation strategy to assign one set of data is considered as testing data while the others are treated as training datasets via 10-fold cross-validation. This testing procedure was repeated K times for K subjects. Each subject’s data is used to consider as the test in turn whereas other K-1 subjects' data are considered for training the proposed classification model.

Performance evaluation metrics

In this section, the performance of the model is measured using five different standard metrics such as accuracy (ACC) [61], sensitivity (SEN), specificity (SPC) [61], precision (PRE) [62], F1Score (F1Sc) [63], and Cohen's Kappa Score [64]. We used three public datasets such as ISRUC-SG1, S-EDF, and PB-CAPSDB datasets under AASM rules to assess the model's efficiency better.

This proposed study executes six individual experiments using multi-modal PSG signals based on two different testing schemes: epoch-wise and subject-wise. Table 10 presented the brief settings for all the experiments and all the experiments based on the two-class to five-class sleep stages classification. A total of 63 features were extracted, which includes 1–30 from EEG features, 31–46 from EOG features, and 47–62 from EMG features, respectively.

Performance evaluation of proposed sleep staging model using an individual feature

To identify the impacts of the screened features of the EEG, EOG, and EMG signal for sleep staging, we investigate the individual features under the AASM sleep standards. The sleep staging performance will be analyzed on the basis of a single feature using the same datasets, testing schemes, and proposed classification model. We extracted 30 features from EEG signals (See Table 3), 16 features from EOG (See Table 4), and EMG (See Table 5) signals, respectively. Finally, the selection of suitable features based on the features' weight value signifies more suitability. The sorted features using the ReF feature selection algorithm for EEG, EOG, and EMG signals are presented in Tables 7, 8, and 9, respectively. The best top 12 extracted features from EEG, EOG, and EMG signals were presented in Table 10 for sleep staging. The selected features were fed one by one into AdaBoost with a base classifier as RF to evaluate the features' effectiveness with concern to discrimination of the sleep stages. The top best 12 selected features' accuracy performance during sleep staging for five sleep states classification was conducted in both the testing (epoch-wise and subject-wise) schemes. The same individual feature accuracy results were presented in Tables 11, 12, and 13 concerning EEG, EOG, and EMG signals, respectively.

Table 11 Overall accuracies of sleep staging using single-selected features with the Top 12 selected features of EEG signal
Table 12 Overall accuracies of sleep staging using single-selected features with Top 12 selected features of EOG signal
Table 13 Overall accuracies of sleep staging using single-selected features with the Top 12 selected features of EMG signal

From Table 11, it has been observed that single EEG features using sleep staging are not performed well. The highest result achieved using the SE feature as 72.79%, and the lowest performance was reported as 38.10% using RSP_alpha based on epoch-wise testing scheme and similarly, the accuracy reported based on subject-wise for SE (69.66%) and RSP_alpha (34.76%) respectively.

It has been found from Table 12 that the same classification model reported the highest accuracy with the SE feature (74.79%) and lowest accuracy with the ME feature (28.10%) based on epoch-wise testing and similarly SE (69.58%) and M (25.12%) based on subject-wise testing using the top 12 selected features of the EOG signal.

From Table 13, it is noted that the sleep staging performance reached its peak with the SPE feature, achieving an accuracy of 44.19% and a sensitivity of 40.76% and lowest with the HA feature (26.77%) (24.02%) based on the epoch-wise and subject-wise testing schemes. Finally, it has been seen from Tables 10, 11, 12 that the performance of the sleep staging is relatively low since a single feature could only partially discriminate the sleep stages. Although single-channel and single-feature may experience this challenge during sleep staging, on the other hand, their combinations of the signals and features may better perform.

Performance evaluation of the proposed sleep staging model using multi-modal signal fusions

In this section, the effectiveness of multi-modal signal fusions is analyzed during sleep staging. Six individual experiments are performed using three widely accepted public datasets as ISRUC-SG1, S-EDF, and PB-CAPSD. The brief experiment settings are presented in Table 14, and all the experiments are based on the classification of the five-sleep state. Experiment-1 to Experiment-3 use epoch-wise and Experiment-4 to Experiment-6 use subject-wise testing schemes, respectively. To compare the outcome of the proposed research work with the previous existing contributions on the ISRUC-SG1, S-EDF, and PB-CAPSDB, the experimental settings are set as similar as possible, which includes testing schemes dataset size, and input signals.

Table 14 Experiments under different testing procedures

Analysis of the sleep staging performance using Epoch-wise (Experiment-1 to Experiment-4)

For Experiment-1 and Experiment-4, different fusions of the signals were performed on three datasets such as ISRUC-SG1, S-EDF,PB-CAPSDB and S-EDF-78 under the AASM sleep scoring rules. The top 12 selected features are presented in Table 10. At last, the selected multi-modal features were fed into the ADB + RF classifier. The confusion matrices obtained using the epoch-wise testing scheme for Experiment-1 to Experiment-4 are detailed in Tables 15, 16, 17, 18. Furthermore, performance metrics for Experiment-1 to Experiment-4 are summarized in Tables 19, 20, 21.

Table 15 Confusion matrix for 5C sleep staging by ADB + RF classifier using EEG + EOG + EMG on ISRUC-SG1dataset
Table 16 Confusion matrix for 5C sleep staging using EEG + EOG + EMG on S-EDF dataset
Table 17 Confusion matrix of EEG + EOG + EMG for 5C sleep staging with PB-CAPSDB dataset
Table 18 Confusion matrix of EEG + EOG + EMG for 5C sleep staging with S-EDF-78 dataset
Table 19 Performance metrics values obtained for 5C sleep staging using an ISRUC-SG1 dataset with EEG + EOG + EMG
Table 20 Performance metrics values obtained for 5C sleep staging using an S-EDF dataset with EEG + EOG + EMG
Table 21 Performance metrics values obtained for 5C sleep staging using a PB-CAPSDB dataset with EEG + EOG + EMG

From Tables 19, 20, 21, 22, it is evident that the average accuracy, sensitivity, precision, and F1 score are reported as 97.74%, 93.43%, 94.21%, and 93.75%, respectively, using the ISRUC-SG1 dataset, 96.57%, 81.37%, 85.23%, and 81.77% using S-EDF dataset, and 96.83%, 92.26%, 92.32% and 92.25% using PB-CAPSDB and 95.38%,80.25%,82.03% and 80.93% using S-EDF-78 respectively. But it has been seen that our proposed model is well-performed against the discrimination of N1 sleep stages. It is noticed in Tables 19 and 21 that the SEN-N1 sleep stage has improved using ISRUC-SG1 and PB-CAPSDB datasets, respectively. The classification performance results for the five-class (5C) to two-class (2C) using ISRUC-SG1 S-EDF, PB-CAPSDB and S-EDF-78 datasets based on epoch-wise testing schemes are presented in Table 23.

Table 22 Performance metrics values obtained for 5C sleep staging using a S-EDF-78 dataset with EEG + EOG + EMG
Table 23 Performance of accuracy and Cohen's kappa score with top 12 selected features for ISRUC-SG1, S-EDF, and PB-CAPSDB scored according to AASM guidelines using epoch-wise testing procedures

Analysis of the sleep staging performance using Subject-wise (Experiment-5 to Experiment-8)

Here also we considered the same three public datasets for all the four experiments, the same multi-modal of signal features, and the only changes are here testing scheme that is subject-wise analysis. The other parameters remained the same as the earlier experiments of this study. The reported confusion matrix for Experiment-5 to Experiment-8 using ISRUC-SG1, S-EDF, PB-CAPSDB, S-EDF-78 based on subject-wise analysis are shown in Tables 24, 25, 26 and 27, respectively. Similarly, the proposed model's performance results based on the subject-wise testing procedure for all the datasets as mentioned earlier are presented in Tables 28, 29, 30, and 31 respectively. Finally, Table 32 presents the results for two-class (2C) to five-class (5C) sleep stages classification problems.

Table 24 Confusion matrix for Experiment 4 on ISRUC-SG1 using EEG + EOG + EMG for 5C sleep staging
Table 25 Confusion matrix for Experiment 5 on S-EDF using EEG + EOG + EMG for 5C sleep staging
Table 26 Confusion matrix for Experiment 6 on PB-CAPSDB using EEG + EOG + EMG for 5C sleep staging
Table 27 Confusion matrix for Experiment 6 on SEDF-78 using EEG + EOG + EMG for 5C sleep staging
Table 28 Performance evaluation results for five-class sleep staging using ISRUC-SG1 with multi-modal signal fusions
Table 29 Performance evaluation results for five-class sleep staging using S-EDF with multi-modal signal fusions
Table 30 Performance evaluation results with multi-modal signal fusions for five-class sleep staging using PB-CAPSDB
Table 31 Performance evaluation results with multi-modal signal fusions for five-class sleep staging us-ing PB-CAPSDB
Table 32 Average overall accuracy and Cohen's kappa score with top 12 selected features for ISRUC-SG1, S-EDF, and PB-CAPSDB scored according to AASM guidelines using subject-wise testing procedures

Analysis of sleep staging classification performance using single-channel and multi-modal signals fusions

This analysis was done through the same three datasets in both the testing procedures (epoch-wise and subject-wise).

The overall accuracy performance for 2C to 5C classification problems using individual and multi-modal signal fusions using the epoch-wise testing method is shown in Figs. 6, 7, and 8. Similarly, the reported graph performance results using subject-wise testing procedures are shown in Figs. 9, 10, and 11 with ISRUC-SG1, S-EDF, and PB-CAPSDB, respectively. It has been noticed from the above presented graphical results that the overall accuracy performances are improved with combinations of the multi-modal signals incomparable to the individual signal performances with both the testing procedures irrespective of the obtained dataset in this study.

Fig. 6
figure 6

The overall accuracies performances of two-five sleep stages classification with ISRUC-SG1 dataset

Fig. 7
figure 7

The overall accuracies performances of two-five sleep stages classification with the S-EDF dataset

Fig. 8
figure 8

The overall accuracies performances of two-five sleep stages classification with ISRUC-SG1 dataset

Fig. 9
figure 9

Overall accuracies performances of two-five sleep stages classification are compared between using single-channel and multi-modal of signals fusions using subject-wise testing procedures with ISRUC-SG1 dataset

Fig. 10
figure 10

Overall accuracies performances of two-five sleep stages classification are compared in between using single-channel and multi-modal of signals fusions using subject-wise testing procedures with S-EDF dataset

Fig. 11
figure 11

Overall accuracies performances of two-five sleep stages classification are compared between using single-channel and multi-modal signals fusions using subject-wise testing procedures with the PB-CAPSDB dataset

Discussion

Several studies on sleep staging methods were generally focused upon the classification methods [16,17,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40]. Some of the sleep studies were based on traditional time–frequency analysis using machine learning techniques [20,21,22,23,24,25,26,27,28,29,30,31,32,33], and the deep learning techniques [34, 37, 39, 40, 51, 55,56,57,58,59,60,61,62,63,64]. Generally, during the sleep studies, several kinds of signals were recorded for analyzing the changes in sleep characteristics during sleep. Generally, it is preferable and advantageous for considering the multi-modal of signal fusions during sleep quality assessment incomparable to the individual signals [65,66,67,68,69,70,71,72,73,74,75,76,77,78,79]. By the experiments results using both the testing schemes (epoch-wise and subject-wise), it is concluded that the multi-modal of signal fusions can be discriminating the sleep stages by AdaBoost with base classifier as RF in acceptable level. Therefore, this proposed methodology is much more effective than other machine learning models. The effectiveness of the multi-modal of signals using epoch-wise and subject-wise testing during sleep staging was illustrated in Tables 23 and 32, respectively. The sleep staging accuracy performances for two-five sleep classes' problems using individual and multi-modal signal fusions were illustrated in Figs. 6, 7, 8 and Figs. 9, 10, 11 based on epoch-wise and subject-wise testing, respectively. More specifically, the proposed multi-modal signal fusions (EEG + EOG + EMG) contain valuable information regarding changes in sleep characteristics during sleep periods. EEG signals capture the brain's information and its activities during sleep, and it also helps to study the changes in rhythm (alpha, delta, theta, and beta) during the different sleep stages [80,81,82,83]. Similarly, the EOG recorded the eye movement information, recognizing the W and REM stages [84,85,86]. EMG signals obtained information about muscular activity, and it has been found that the higher muscular behavior seen during the W stage is incomparable to REM stages. This information helps to discriminate the W and REM stages properly. Therefore, three modalities of signal fusions (EEG + EOG + EMG) signals to help discriminate the NREM sleep stages (N1, N2, and N3) and extracted multi-modal signal features that support discriminating the sleep status in the various aspect, which directly contributes to the improvement on sleep staging accuracy [59,60,61,62,63,64,65]. The proposed study investigated 63 features (time-domain, frequency-domain, and non-linear features) from the polysomnography signals' three modalities (EEG, EOG, and EMG).The selected joint optimal features were applied to the proposed classification model (AdaBoost with RF). For measuring the proposed methodology's effectiveness, both the testing procedures (epoch-wise and subject-wise) were adopted in our experiments. The present study was performed on three widely used datasets such as ISRUC-SG1, S-EDF, and PB-CAPSDB to analyze the effectiveness of the proposed methodology.

The required recordings were retrieved from the subjects who had difficulty sleeping and subjects with complete healthy control. To see the effectiveness of the sleep staging performance, the classification results provided by the proposed model(automatically) and manual staging are shown in Figs. 12, 13, and 14, where the hypnograms of ISRUC-Sleep-SG1, S-EDF, and PB-CAPSDB datasets are utilized.

Fig. 12
figure 12

Comparison of hypnogram annotation of manual sleep staging (blue) and proposed sleep staging method (red) with ISRUC-SG1 dataset

Fig. 13
figure 13

Comparison of hypnogram annotation of manual sleep staging (blue) and proposed sleep staging method (dark red) with S-EDF dataset

Fig. 14
figure 14

Comparison of hypnogram annotation of manual sleep staging (green) and proposed sleep staging method (purple) with PB-CAPSDB dataset

However, there are some limitations to this study. Our study has certain constraints. Initially, we exclusively utilized physiological signals from PSG for sleep stage classification, yet sleep stages are also associated with additional features of the human body. Certain diseases can impact sleep stage classification. To enhance accuracy and provide a more comprehensive evaluation of sleep stages, we plan to extract information pertaining to sleep quality from electronic medical records in future research. Secondly, to address the challenge of minority classification in sleep stages, we will explore the implementation of data augmentation strategies to generate new sequences of sleep stages. Another limitation is that the utilization of a more varied array of machine learning models was not feasible for the experiments. Additionally, the optimization during the sleep stages phase was time-consuming due to the adoption of ReF, a method that systematically removes features one by one to confirm performance.

Complexity comparison with other approaches

Many researchers have proposed two to five sleep state classification problems so far. For measuring the effectiveness of our proposed methodology during sleep staging, very brief comparisons were made with the existing state-of-the-art sleep staging methods with other state-of-the-art models. Figures 12, 13 and 14 illustrates the comparison between labels manually acquired by sleep experts and those predicted by the proposed method using one-night data records. Figures 12, 13 and 14 depicts the sleep data, revealing that the subject experienced approximately 6 h of effective sleep time. The individual entered a deep sleep phase shortly after initially falling asleep. Despite numerous instances of waking up during the sleep period, the subject promptly transitioned back into a sleep state after each awakening. We also compared the results with the latest published research works like LGSleepNet [5] SleepEEGNet [79], TinySleepNet [87], XSleepNet [88], CoSleepNet [89], SSleepNet [90], and RobustSleepNet [91] based on the multi-modal signal fusions and the same dataset. As observed in Tables 33, 34, and 35, our proposed sleep staging classification method has demonstrated superior performance compared to other methods across three datasets. From the comparison analysis, it has been found that the proposed multi-modal signal fusions performed high sleep staging classification accuracy. The reported overall accuracy and Cohen’s kappa score reported as 94.30%,0.92 (using ISRUC-SG1),94.18%,0.90 (using S-EDF), 92.34%,0.90 (using PB-CAPSDB) for five-class (5C) classification problem using epoch-wise analysis. Similarly, the same proposed model reported as 91.37%, 0.89 (using ISRUC-SG1), 91.08%, 0.87 (S-EDF), 91.55%, 0.89 (PB-CAPSD) using subject-wise analysis. Tables 23 and 32 demonstrate that the kappa score surpasses 0.80 using both testing procedures, indicating excellent agreement between manual and automatic scoring.Generally, in sleep staging, it's quite complicated and challenging towards discriminating between the N1 stage because it is the transition stage in between the Wake stage and the N2 stage. But it is noticed that the performance of the SEN-N1 stage is improved using subject-wise analysis with ISRUC-SG1 (93.18%), S-EDF (66.95%), and PB-CAPSDB (86.62%) incomparable to result reported using epoch-wise testing.

Table 33 Performance evaluation results in between proposed studies with state-of-the-art based upon the signals used
Table 34 Performance comparisons based on the dataset obtained for the experiment
Table 35 Performance of ADB + RF model compared with the existing literature based on subject-dependent and subject-independent testing

Computation time analysis

Another crucial factor for assessing a classifier is the computation time, although the training time is not taken into account during this analysis. During the initial phase, the computation time for each stage of the proposed ADB + RF method is logged, followed by the computation of the average value. The time consumption in seconds at various stages of the proposed scheme over Sleep-EDF is as follows: For each recorded signal, the computation time for feature extraction is 0.018 s, for feature reduction is 0.005 s, and for classification is 0.0013 s. The overall computation time for 3000 epochs is approximately 7 min, which is considered sufficiently fast to meet real-time requirements. Feature extraction is recognized to be more time-consuming, suggesting potential for optimization. Nevertheless, by utilizing only the top 12 features per epoch, not only are storage costs reduced, but calculations are also simplified and scheme surpasses other comparable methods in terms of feature usage and accuracy.

Conclusion

Accurate and effective sleep staging is highly important step for analysis and identifying the sleep irregularities. To develop a highly accurate and robust automatic sleep staging system, this paper presents a computer-aided sleep staging system capable of classifying two to five sleep states using multimodal signal fusion of polysomnography (PSG) signals following the AASM sleep scoring guidelines. The proposed approach involves extracting multiple features, including time-based, frequency-based, statistical-based, entropy-based, and non-linear features, from three modalities (EEG, EOG, and EMG) of PSG signals. The model is evaluated on three widely accepted datasets: ISRUC-SG1, S-EDF, and PB-CAPSDB. These datasets include sleep recordings from subjects affected by various types of sleep-related disorders as well as healthy control subjects, totaling 16,266 epochs (ISRUC-SG1), 15,139 epochs (S-EDF), and 6,047 epochs (PB-CAPSDB) of 30-s length each. In this study, the chosen optimal features are inputted into highly robust, adaptable, and scalable classifiers such as AdaBoost with Random Forest as base classifiers. This approach directly contributes to enhancing classification accuracy. The entire experiments of this study were conducted through two testing procedures, epoch-wise and subject-wise. From the experimental results, it has been observed that the proposed methodology using multi-modal signal fusions is superior to other machine learning classification models with overall accuracies of 98.39%,97.21%,95.67%, and 94.30% using ISRUC-SG1, 98.10%, 97.02%, 95.09%, and 94.18% using S-EDF, 97.79%,96.69%,94.89% and 92.34% using PB-CAPSDB and 98.12%,97.01%,94.49% and 95.38% using S-EDF-78 for two-five classes respectively. Further, the proposed model reported accuracies of 98.23%, 96.89%, 94.42%, and 91.37% using ISRUC-SG1, 97.95%, 95.91%, 93.07% and 91.08% using S-EDF, 97.05%, 95.91%, 93.07%, and 91.55% using PB-CAPSDB and 98.10%,97.13%, 95.05%, and 94.79% using S-EDF-78 for two-five classes respectively. We will extend our proposed work by integrating with different physiological signals, which can help us to detect more than one different type of sleep disorder simultaneously.

Availability of data and materials

Authors utilized publicly available dataset i.e.,

ISRUC-Sleep subgroup1 database (ISRUC-SG1) https://sleeptight.isr.uc.pt/ISRUC_Sleep/ Sleep-EDF database (S-EDF) https://www.physionet.org/content/sleep-edfx/1.0.0/

Physio Bank CAP Sleep (PB-CAPSD) database https://physionet.org/content/capslpdb/1.0.0/

References

  1. Dutt M, Redhu S, Goodwin M, et al. SleepXAI: an explainable deep learning approach for multi-class sleep stage identification. Appl Intell. 2023;53:16830–43. https://doi.org/10.1007/s10489-022-04357-8.

    Article  Google Scholar 

  2. Hassan AR, Bhuiyan M. Automatic sleep scoring using statistical features in the EMD domain and ensemble methods. Biocybernetics Biomed Eng. 2015;36(1):248–55. https://doi.org/10.1016/j.bbe.2015.11.001.

    Article  Google Scholar 

  3. Alickovic E, Subasi A. Ensemble SVM method for automatic sleep stage classification. IEEE Trans Instrum Meas. 2018;67(6):1258–65. https://doi.org/10.1109/TIM.2018.2799059.

    Article  Google Scholar 

  4. Crivello A, Barsocchi P, Girolami M, Palumbo F. The meaning of sleep quality: a survey of available technologies. IEEE access. 2019;7:167374–90.

    Article  Google Scholar 

  5. Shen Q, et al. LGSleepNet: an automatic sleep staging model based on local and global representation learning. IEEE Trans Instrument Measure. 2023;72(2521814):1–14. https://doi.org/10.1109/TIM.2023.3298639.

    Article  Google Scholar 

  6. Berry RB, Brooks R, Gamaldo C, Harding SM, Lloyd RM, Quan SF, … Vaughn BV. AASM Scoring Manual Updates for 2017 (Version 2.4). J Clin Sleep Med. 2017;13(05):665–666. https://doi.org/10.5664/jcsm.6576.

  7. Rosenberg RS, Van Hout S, et al. The American Academy of Sleep Medicine inter-scorer reliability program: sleep stage scoring,". J Clin Sleep Med. 2013;9(1):81–7.

    Article  PubMed  PubMed Central  Google Scholar 

  8. Grigg-Damberger MM. The AASM scoring manual: a critical appraisal. Curr Opin Pulm Med. 2009;15(6):540–9.

    Article  PubMed  Google Scholar 

  9. Rechtschaffen A, Kales A. A Manual of Standardized Terminology, Techniques and Scoring Systems for Sleep Stages of Human Subjects. Washington: U.G.P. Office, Public Health Service; 1968.

    Google Scholar 

  10. Iber C, Ancoli-Israel S, Chesson AL, Quan SF. The AASM Manual for the Scoring of Sleep and Associated Events: Rules, Terminology and Technical Specification. Westchester: American Academy of Sleep Medicine; 2007.

    Google Scholar 

  11. Sharma M, Goyal D, Achuth PV, Acharya UR. An accurate sleep stages classification system using a new class of optimally time-frequency localized three-band wavelet filter bank. Comput Biol Med. 2018;98:58–75.

    Article  PubMed  Google Scholar 

  12. Giovanni Terzano M. Atlas, rules, and recording techniques for the scoring of cyclic alter-nating pattern (CAP) in human sleep, sleep. Med. 2002;3(2):185.

    Google Scholar 

  13. Acharya UR, Bhat S, Faust O, Adeli H, Chua ECP, Lim WJE, Koh JEW. Non-linear dynamics measures for automated EEG-based sleep stage detection. Eur Neurol. 2015;74:268–87.

    Article  PubMed  Google Scholar 

  14. Cogan D, Birjandtalab J, Nourani M, Harvey J, Nagaraddi V. Multi-Bio signal Analysis for Epileptic Seizure Monitoring. Int J Neural Syst. 2017.

  15. Barsocchi P, Bianchini M, Crivello A, La Rosa D, Palumbo F, Scarselli F. An unobtrusive sleep monitoring system for the human sleep behaviour understanding. In 7th IEEE international conference on cognitive infocommunications (CogInfoCom) pp. 91–96, 2016. .

  16. Ghimatgar H, Kazemi K, Helfroush MS, Aarabi A. An automatic single-channel EEG-based sleep stage scoring method based on hidden Markov Model. J Neurosci Methods. 2019;324:108320. https://doi.org/10.1016/j.jneumeth.2019.108320. ISSN 0165-0270.

    Article  PubMed  Google Scholar 

  17. Dodia S, Edla DR, Bablani A, Ramesh D, Kuppili V. An efficient EEG based deceit identification test using wavelet packet transform and linear discriminant analysis. J Neurosci Methods. 2019;314:31–40. https://doi.org/10.1016/j.jneumeth.2019.01.007. ISSN 0165-0270.

    Article  PubMed  Google Scholar 

  18. Zhang J, Yao R, Ge W, Gao J. Orthogonal convolutional neural networks for automatic sleep stage classification based on single-channel EEG. Computer Methods Programs Biomed. 2020;183:105089. https://doi.org/10.1016/j.cmpb.2019.105089.

    Article  Google Scholar 

  19. Cheng Y-H, Lech M, Wilkinson RH. Distributed neural network system for multimodal sleep stage detection. IEEE Access. 2023;11:29048–61. https://doi.org/10.1109/ACCESS.2023.3260215.

    Article  Google Scholar 

  20. Nicola Michielli U, Acharya R, Molinari F. Cascaded LSTM recurrent neural network for automated sleep stage classification using single-channel EEG signals. Computers Biol Med. 2019;106:71–81. https://doi.org/10.1016/j.compbiomed.2019.01.013. ISSN 0010-4825.

    Article  Google Scholar 

  21. Mousavi Z, Yousefi Rezaii T, Sheykhivand S, Farzamnia A, Razavi SN. Deep convolutional neural network for classification of sleep stages from single-channel EEG signals. J Neurosci Methods. 2019;324:108312. https://doi.org/10.1016/j.jneumeth.2019.108312. ISSN 0165-0270.

    Article  CAS  PubMed  Google Scholar 

  22. Diykh M, Li Y, Abdulla S. EEG sleep stages identification based on weighted undirected complex networks. Computer Methods Programs Biomed. 2020;184:105116. https://doi.org/10.1016/j.cmpb.2019.105116. ISSN 0169-2607.

    Article  Google Scholar 

  23. Qu W, et al. A residual based attention model for EEG based sleep staging. IEEE J Biomed Health Inform. 2020;24(10):2833–43. https://doi.org/10.1109/JBHI.2020.2978004.

    Article  PubMed  Google Scholar 

  24. Xiao Q, Wang J, Ye J, Zhang H, Bu Y, Zhang Y, Wu H. Self-Supervised Learning for Sleep Stage Classification with Predictive and Discriminative Contrastive Coding. ICASSP 2021 - 2021 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP). 2021. https://doi.org/10.1109/icassp39728.2021.9414

  25. Zhu L, Wang C, He Z, et al. A lightweight automatic sleep staging method for children using single-channel EEG based on edge artificial intelligence. World Wide Web. 2022;25:1883–903. https://doi.org/10.1007/s11280-021-00983-3.

    Article  PubMed  Google Scholar 

  26. Halder B, Anjum T, Bhuiyan MIH. An attention-based multi-resolution deep learning model for automatic A-phase detection of cyclic alternating pattern in sleep using single-channel EEG. Biomed Signal Proc Control. 2023;83:104730. https://doi.org/10.1016/j.bspc.2023.104730.

    Article  Google Scholar 

  27. Fan J, Sun C, Long M, Chen Cand Chen W. EOGNET: a novel deep learning model for sleep stage classification based on single-channel EOG signal. Front Neurosci. 2021;15:573194. https://doi.org/10.3389/fnins.2021.573194.

    Article  PubMed  PubMed Central  Google Scholar 

  28. Yan R, Zhang C, Spruyt K, Wei L, Wang Z, Tian L, Cong F. Multi-modality of polysomnography “signals” fusion for automatic sleep scoring. Biomed Signal Process Control. 2019;49:14–23. https://doi.org/10.1016/j.bspc.2018.10.001.

    Article  Google Scholar 

  29. Ghimatgar H, Kazemi K, Helfroush MS, Aarabi A. An automatic single-channel EEG-based sleep stage scoring method based on hidden Markov model. J Neurosci Methods. 2019;108320. https://doi.org/10.1016/j.jneumeth.2019.108320.

  30. Fernandez-Blanco E, Rivero D, Pazos A. Convolutional neural networks for sleep stage scoring on a two-channel EEG signal. Soft Comput. 2019. https://doi.org/10.1007/s00500-019-04174-1.

    Article  Google Scholar 

  31. Shen H, Ran F, Xu M, Guez A, Li A, Guo A. An automatic sleep stage classification algorithm using improved model based essence features. Sensors. 2020;20(17):4677. https://doi.org/10.3390/s20174677.

    Article  PubMed  PubMed Central  Google Scholar 

  32. Cooray N, Andreotti F, Lo C, Symmonds M, Hu MTM, De Vos M. Detection of REM Sleep Behaviour Disorder by Automated Polysomnography Analysis. Clin Neurophysiol. 2019.

  33. Sun C, Chen C, Fan J, Li W, Zhang Y, Chen W. A hierarchical sequential neural network with feature fusion for sleep staging based on EOG and RR signals. J Neural Eng. 2019.

  34. Guillot A, Sauvet F, During EH, Thorey V. Dreem Open Datasets: Multi-Scored Sleep Datasets to compare Human and Automated sleep staging. IEEE Trans Neural Syst Rehabil Eng. 2020:1–1.

  35. Korkalainen H. Accurate deep learning-based sleep staging in a clinical population with suspected obstructive sleep apnea. IEEE J Biomed Health Inform. 2020;24(7):2073–81.

    PubMed  Google Scholar 

  36. Eldele E, et al. An attention-based deep learning approach for sleep stage classification with single-channel EEG. IEEE Trans Neural Syst Rehabil Eng. 2021;29:809–18. https://doi.org/10.1109/TNSRE.2021.3076234.

    Article  PubMed  Google Scholar 

  37. Mohammadi MR, Khaleghi A, Nasrabadi AM, Rafieivand S, Begol M, Zarafshan H. EEG classification of ADHD and normal children using non-linear features and neural network. Biomed Eng Lett. 2016;6:66–73.

    Article  Google Scholar 

  38. Zhu G, Li Y, Wen P. Analysis and classification of sleep stages based on difference visibility graphs from a single-channel EEG signal. IEEE J Biomed Health Inform. 2014;18(6):1813–21.

    Article  PubMed  Google Scholar 

  39. Tanha J, Abdi Y, Samadi N, Razzaghi N, Asadpour M. Boosting methods for multiclass imbalanced data classification: an experimental review. Journal of Big Data. 2020;7:1–47.

    Article  Google Scholar 

  40. Abdollahpour M, Rezaii TY, Farzamnia A, Saad I. Transfer learning convolutional neural network for sleep stage classification using two-stage data fusion framework. IEEE Access. 2020;8:180618–32.

    Article  Google Scholar 

  41. Khalighi S, Sousa T, Santos JM, Nunes U. ISRUC-Sleep: a comprehensive public dataset for sleep researchers. Comput Methods Programs Biomed. 2016;124:180–92.

    Article  PubMed  Google Scholar 

  42. Kemp B, Zwinderman AH, Tuk B, Kamphuisen HAC, Oberye JJL. Analysis of a sleep-dependent neuronal feedback loop: the slow-wave microcontinuity of the EEG. IEEE Trans Biomed Eng. 2000;47(9):1185–94.

    Article  CAS  PubMed  Google Scholar 

  43. Terzano MG, Parrino L, Sherieri A, Chervin R, Chokroverty S, Guilleminault C, Hirshkowitz M, Mahowald M, Moldofsky H, Rosa A, Thomas R, Walters A. Atlas, rules, and recording techniques for the scoring of cyclic alternating pattern (CAP) in human sleep. Sleep Med. 2001;2(6):537–53.

    Article  CAS  PubMed  Google Scholar 

  44. Terzano MG, Mancia D, Salati MR, Costani G, Decembrino A, Parrino L. The cyclic alternating pattern as a physiologic component of normal NREM sleep. Sleep. 1985;8(2):137–45.

    Article  CAS  PubMed  Google Scholar 

  45. Robnik-Šikonja M, Kononenko I. Theoretical and Empirical Analysis of ReliefF and RReliefF. Mach Learn. 2003;53:23–69.

    Article  Google Scholar 

  46. Kulkarni S, Kelkar V. Classification of multispectral satellite images using ensemble techniques of bagging, boosting and adaboost. 2014 International Conference on Circuits, Systems, Communication and Information Technology Applications (CSCITA). 2014.

  47. Duda RO, Hart PE, Stork DG. Pattern Classification. New York: John Wiley & Sons; 2012.

    Google Scholar 

  48. Schapire RE. A brief introduction to boosting. Int Joint Conference Artificial Intell. 2009;99:1401–6.

    Google Scholar 

  49. Breiman L. Random forests. Mach Learn. 2001;45(1):5–32.

    Article  Google Scholar 

  50. Sanders TH, McCurry M, Clements MA. Sleep stage classification with cross frequency coupling. 36th Annu Int Conf IEEE Eng Med Biol (EMBC). 2014:4579–4582.

  51. Bajaj V, Pachori R. Automatic classification of sleep stages based on the time-frequency image of EEG signals. Comput Methods Programs Biomed. 2013;112(3):320–8.

    Article  PubMed  Google Scholar 

  52. Hsu YL, Yang YT, Wang JS, Hsu CY. Automatic sleep stage recurrent neural classifier using energy features of EEG signals. Neuro Computing. 2013;104:105–14.

    Google Scholar 

  53. Zibrandtsen I, Kidmose P, Otto M, Ibsen J, Kjaer TW. Case comparison of sleep features from ear-EEG and scalp-EEG. Sleep Sci. 2016;9(2):69–72.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  54. Berry RB, Brooks R, Gamaldo CE, Hardsim SM, Lloyd RM, Marcus CL, Vaughn BV. The AASM manual for the scoring of sleep and associated events: rules, terminology and technical specifications. Am Acad Sleep Med. 2014.

  55. Zeng N, Wang Z, Zhang H, Kim K, Li Y, Liu X. An improved particle filter with a novel hybrid proposal distribution for quantitative analysis of gold immunochroma-tographic strips. IEEE Trans Nanotechnol. 2019;18:819–29.

    Article  CAS  Google Scholar 

  56. Zeng N, Wang Z, Liu W, Zhang H, Hone K, Liu X. A Dynamic Neighborhood-Based Switching Particle Swarm Optimization Algorithm. IEEE Transactions on Cy-bernetics.

  57. Zeng N, Li H, Wang Z, Liu W, Liu S, Alsaadi FE, Liu X. Deep-Reinforcement-Learning-Based Images Segmentation for Quantitative Analysis of Gold Immunochromatographic Strip. Neurocomputing. 2020.

  58. Estrada E, Nazeran H, Barragan J, Burk J R, Lucas EA, Behbehani K. EOG and EMG: Two important switches in automatic sleep stage classification. Annu Int Conf IEEE Eng Med Biol Proc. 2006:2458–2461.

  59. Hassan AR, Bhuiyan MIH. A decision support system for automatic sleep staging from EEG signals using tunable Q-Factor wavelet transform and spectral features. J Neurosci Methods. 2016;271:107–18.

    Article  PubMed  Google Scholar 

  60. Hassan AR, Bhuiyan MI. Automatic sleep scoring using statistical features in the EMD domain and ensemble methods. Bio Cybernetics Biomed Eng. 2016;36(1):248–55.

    Article  Google Scholar 

  61. Hassan AR, Bhuiyan MIH. Computer-aided sleep staging using complete ensemble empirical mode decomposition with adaptive noise and bootstrap aggregating. Biomed Signal Process Control. 2016;24:1–10.

    Article  Google Scholar 

  62. Hassan AR, Bhuiyan MIH. An automated method for sleep staging from EEG signals using normal inverse Gaussian parameters and adaptive boosting. Neuro Computing. 2016;19:76–87.

    Google Scholar 

  63. Hassan AR, Bhuiyan MIH. Automated identification of sleep states from EEG signals by means of ensemble empirical mode decomposition and random under sampling boosting. Comput Methods Programs Biomed. 2017;140:201–10.

    Article  PubMed  Google Scholar 

  64. Hassan AR, Subasi A. A decision support system for automated identification of sleep stages from single-channel EEG signals. Knowl-Based Syst. 2017;128:115–24.

    Article  Google Scholar 

  65. Jiang D, Lu YN, Ma Y, Wang Y. Robust sleep stage classification with single-channel EEG signals using multi-modal decomposition and HMM-based refinement. Expert Syst. Appl. 121:188–203.

  66. Yuan Y, Jia K, Ma. Multivariate sleep stage classification using hybrid self-attentive deep learning networks. in IEEE International Conference on Bioinformatics and Biomedicine (BIBM). 2018.

  67. Huang W, Guo B, Shen Y, Tang X, Zhang T, Li D, Jiang Z. Sleep staging algorithm based on multi-channel data adding and multi-feature screening. Computer Methods Programs Biomed. 2019;105253.

  68. Zhu T, Luo W, Yu F. Convolution-and attention-based neural network for automated sleep stage classification. Int J Environ Res Public Health. 2020;17(11):4152. https://doi.org/10.3390/ijerph17114152.

    Article  PubMed  PubMed Central  Google Scholar 

  69. Abdollahpour M, Rezaii TY, Farzamnia A, Saad I. Transfer Learning Convolutional Neural Network for Sleep Stage Classification Using Two-Stage Data Fusion Framework in IEEE Access. 2020;8:180618-180632. https://doi.org/10.1109/ACCESS.2020.3027289.

  70. Satapathy SK, Bhoi AK, Loganathan D, Khandelwal B, Barsocchi P. Machine learning with ensemble stacking model for automated sleep staging using dual-channel EEG signal. Biomed Signal Process Control. 2021;69:102898. https://doi.org/10.1016/j.bspc.2021.102898.

    Article  Google Scholar 

  71. Satapathy SK, Loganathan D. Prognosis of automated sleep staging based on two-layer ensemble learning stacking model using single-channel EEG signal. Soft Comput. 2021;25:15445–62. https://doi.org/10.1007/s00500-021-06218-x.

    Article  Google Scholar 

  72. Huang Z, Ling BW-K. Sleeping stage classification based on joint quaternion-valued singular spectrum analysis and ensemble empirical mode decomposition. Biomed Signal Process Control. 2022;71:103086. https://doi.org/10.1016/j.bspc.2021.103086.

    Article  Google Scholar 

  73. Jadhav P, Rajguru G, Datta D, Mukhopadhyay S. Automatic sleep stage classification using time-frequency images of CWT and transfer learning using convolution neural network. Biocybernetics and Biomedical Engineering. 2020;40(1):494–504. https://doi.org/10.1016/j.bbe.2020.01.010.

    Article  Google Scholar 

  74. Jiang D, Lu YN, Yu MA, Yuanyuan WA. Robust sleep stage classification with single-channel EEG signals using multimodal decomposition and HMM-based refinement. Expert Syst Appl. 2019;121:188–203. https://doi.org/10.1016/j.eswa.2018.12.023.

    Article  Google Scholar 

  75. Khalili E, Asl BM. Automatic sleep stage classification using temporal convolutional neural network and new data augmentation technique from raw single-channel EEG. Computer Methods Programs Biomed. 2021;204:106063. https://doi.org/10.1016/j.cmpb.2021.106063. ISSN 0169-2607.

    Article  Google Scholar 

  76. da Silveira TLT, Kozakevicius AJ, Rodrigues CR. Single-channel EEG sleep stage classification based on a streamlined set of statistical features in wavelet domain. Med Biol Eng Comput. 2017;55:343–52. https://doi.org/10.1007/s11517-016-1519-4.

    Article  PubMed  Google Scholar 

  77. Jain R, Ganesan RA. Reliable sleep staging of unseen subjects with fusion of multiple EEG features and RUSBoost. Biomed Signal Proc Control. 2021;70:103061. https://doi.org/10.1016/j.bspc.2021.103061. ISSN 1746-8094.

    Article  Google Scholar 

  78. Supratak A, Dong H, Wu C, Guo Y. DeepSleepNet: a model for automatic sleep stage scoring based on raw single-channel EEG. IEEE Trans Neural Syst Rehabil Eng. 2017;25(11):1998–2008. https://doi.org/10.1109/TNSRE.2017.2721116.

    Article  PubMed  Google Scholar 

  79. Mousavi S, Afghah F, Acharya UR. SleepEEGNet: automated sleep stage scoring with sequence to sequence deep learning approach. PLoS ONE. 2019;14(5):e0216456. https://doi.org/10.1371/journal.pone.0216456.

    Article  PubMed  PubMed Central  Google Scholar 

  80. Sun C, Fan J, Chen C, Li W, Chen W. A two-stage neural network for sleep stage classification based on feature learning, sequence learning, and data augmentation. IEEE Access. 2019;7:109386–97. https://doi.org/10.1109/ACCESS.2019.2933814.

    Article  Google Scholar 

  81. Tsinalis O, Matthews PM, Guo Y. Automatic sleep stage scoring using time-frequency analysis and stacked sparse autoencoders. Ann Biomed Eng. 2016;44:1587–97. https://doi.org/10.1007/s10439-015-1444-y.

    Article  PubMed  Google Scholar 

  82. Andreotti F, Phan H, Cooray N, Lo C, Hu MTM, De Vos M. Multichannel Sleep Stage Classification and Transfer Learning using Convolutional Neural Networks. 2018 40th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC). 2018:171–174. https://doi.org/10.1109/EMBC.2018.8512214.

  83. Yang B, Zhu X, Liu Y, Liu H. A single-channel EEG based automatic sleep stage classification method leveraging deep one-dimensional convolutional neural network and hidden Markov model. Biomed Signal Proc Control. 2021;68:102581. https://doi.org/10.1016/j.bspc.2021.102581. ISSN 1746-8094.

    Article  Google Scholar 

  84. Wang H, Lu C, Zhang Q, Hu Z, Yuan X, Zhang P, Liu W. A novel sleep staging network based on multi-scale dual attention. Biomed Signal Proc Control. 2022;74:103486. https://doi.org/10.1016/j.bspc.2022.103486.

    Article  Google Scholar 

  85. Yang W, Wang Y, Hu J, Yuan T. Sleep CLIP: a multimodal sleep staging model based on sleep signals and sleep staging labels. Sensors. 2023;23:7341. https://doi.org/10.3390/s23177341.

    Article  PubMed  PubMed Central  Google Scholar 

  86. Toma TI, Choi S. An End-to-End Multi-Channel Convolutional Bi-LSTM Network for Automatic Sleep Stage Detection. Sensors. 2023;23:4950. https://doi.org/10.3390/s23104950.

    Article  PubMed  PubMed Central  Google Scholar 

  87. Supratak A, Guo Y. TinySleepNet: An Efficient Deep Learning Model for Sleep Stage Scoring based on Raw Single-Channel EEG. 2020 42nd Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC). Montreal. 2020. 641-644. https://doi.org/10.1109/EMBC44109.2020.9176741.

  88. Phan, Huy & Chén, Oliver & Koch, Philipp & Mertins, Alfred & de Vos, Maarten. 2021. XSleepNet: Multi-View Sequential Model for Automatic Sleep Staging. 90.

  89. Efe E, Ozsen S. CoSleepNet: automated sleep staging using a hybrid CNN-LSTM network on imbalanced EEG-EOG datasets. Biomed Signal Proc Control. 2023;80(Part 1):104299. https://doi.org/10.1016/j.bspc.2022.104299.

    Article  Google Scholar 

  90. Lv X, Ma J, Li J, et al. Ssleepnet: a structured sleep network for sleep staging based on sleep apnea severity. Complex Intell Syst. 2023. https://doi.org/10.1007/s40747-023-01290-2.

    Article  Google Scholar 

  91. Guillot A, Thorey V. RobustSleepNet: Transfer Learning for Automated Sleep Staging at Scale. IEEE Trans Neural Syst Rehabil Eng. 2021;29:1441–51. https://doi.org/10.1109/TNSRE.2021.3098968.

    Article  PubMed  Google Scholar 

Download references

Funding

The authors declare that no funds, grants, or other support were received during the preparation of this manuscript.

Author information

Authors and Affiliations

Authors

Contributions

S. K. S.: Conceptualization, writing-original draft preparation and software; B. B.: formal analysis, investigation and resources; B. P.: visualization, data curation and validation; P. B.: project administration, writing-review and editing and funding acquisition; (A) K. (B): supervision, methodology and writing-review and editing.

Corresponding authors

Correspondence to Santosh Kumar Satapathy, Paolo Barsocchi or Akash Kumar Bhoi.

Ethics declarations

Ethics approval and consent to participate

Not applicable.

Consent for publication

Not applicable.

Competing interests

The authors declare no competing interests.

Additional information

Publisher’s Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated in a credit line to the data.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Satapathy, S.K., Brahma, B., Panda, B. et al. Machine learning-empowered sleep staging classification using multi-modality signals. BMC Med Inform Decis Mak 24, 119 (2024). https://doi.org/10.1186/s12911-024-02522-2

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12911-024-02522-2

Keywords