SleepFM: Multi-modal Representation Learning for Sleep Across Brain Activity, ECG and Respiratory Signals

Rahul Thapa    Bryan He    Magnus Ruud Kjær    Hyatt Moore    Gauri Ganjoo    Emmanuel Mignot    James Zou
Abstract

Sleep is a complex physiological process evaluated through various modalities recording electrical brain, cardiac, and respiratory activities. We curate a large polysomnography dataset from over 14,000 participants comprising over 100,000 hours of multi-modal sleep recordings. Leveraging this extensive dataset, we developed SleepFM, the first multi-modal foundation model for sleep analysis. We show that a novel leave-one-out approach for contrastive learning significantly improves downstream task performance compared to representations from standard pairwise contrastive learning. A logistic regression model trained on SleepFM’s learned embeddings outperforms an end-to-end trained convolutional neural network (CNN) on sleep stage classification (macro AUROC 0.88 vs 0.72 and macro AUPRC 0.72 vs 0.48) and sleep disordered breathing detection (AUROC 0.85 vs 0.69 and AUPRC 0.77 vs 0.61). Notably, the learned embeddings achieve 48% top-1 average accuracy in retrieving the corresponding recording clips of other modalities from 90,000 candidates. This work demonstrates the value of holistic multi-modal sleep modeling to fully capture the richness of sleep recordings. SleepFM is open source and available at https://github.com/rthapa84/sleepfm-codebase.

Deep Learning, Foundation Model, Sleep Study

1 Introduction

Sleep monitoring is critical to evaluate sleep disorders but also as a proxy to assess overall brain, pulmonary, and cardiac health (Worley, 2018; Brink-Kjaer et al., 2022; Leary et al., 2021). Polysomnography (PSG) is the current gold standard for studying sleep by recording diverse physiological signals during sleep, including electroencephalogram (EEG), electroocculograms (EOG), and electromyography (EMG), electrocardiogram (ECG) and respiratory channels (Kryger et al., 2010). EOG and EMG are often combined with EEG recordings to better determine sleep stages, which we refer to collectively as Brain Activity Signals (BAS). These different data modalities offer complementary perspectives. BAS measures brain activity to categorize sleep stages and diagnose sleep disorders. ECG captures heart rhythms; changes in heart rate can indicate sleep disordered breathing events. Respiratory sensors directly quantify breathing patterns including sleep disordered breathing (SDB). Together, these signals provide a comprehensive assessment of sleep health.

Traditionally, sleep data analysis involved manual visual inspection, a labor-intensive and time-consuming process prone to errors (Boashash & Ouelha, 2016; Hassan & Bhuiyan, 2017). Recent advancements in supervised deep learning have shown promise in automating sleep staging and classification of disorders like SDB (Nassi et al., 2021; Perslev et al., 2021; Stephansen et al., 2018). However, most methods rely on labeled data from a narrow task. They rarely leverage the full breadth of unlabeled physiological dynamics within and across diverse PSG sensors.

In parallel, contrastive learning (CL) has emerged as a powerful technique in other domains to learn representations by maximizing alignment between modalities (Radford et al., 2021). However, joint integration of BAS, ECG, and respiratory signals from PSGs via multi-modal CL has been less explored. Previous works have focused solely on ECG or combined ECG with electronic health records (EHR), while joint modeling of BAS, respiratory, and ECG signals has been limited. Our work demonstrates a first attempt at develo** a multi-modal CL approach for PSG analysis that capitalizes on synergies between BAS, ECG, and respiratory signals to learn enhanced physiological representations for sleep analysis.

Our Contribution We introduce SleepFM, a sleep foundation model trained using CL on a multi-modal PSG dataset comprising over 100,000 hours of sleep monitoring data from over 14,000 participants at Stanford sleep clinic collected between 1999 and 2020. By combining BAS, ECG, and respiratory modalities from PSG, SleepFM exhibits superior performance on tasks such as demographic attributes, sleep stage, and SDB event classifications, outperforming end-to-end trained convolutional neural network (CNN) models. Additionally, we introduce a novel leave-one-out approach for CL, which significantly outperforms the standard pairwise CL on all of our downstream tasks. To our knowledge, this is the first attempt to build and evaluate a multi-modal foundation model for sleep analysis.

2 Related Work

2.1 Machine Learning for Analyzing Sleep Data

The application of machine learning (ML) in sleep studies has garnered significant recent attention, promising to streamline and expedite the sleep scoring process as well as detecting respiratory events such as SDB. Models including autoencoders (Tsinalis et al., 2016), convolutional neural networks (CNNs) (Tsinalis et al., ; Sors et al., 2018; Yildirim et al., 2019), recurrent neural networks (RNNs) (Michielli et al., 2019; Phan et al., 2019), and multiple other variations of deep neural networks (DNNs) (Supratak et al., 2017; Mousavi et al., 2019; Seo et al., 2020; Phan et al., 2021; Perslev et al., 2021) have been proposed for sleep scoring tasks.

Moreover, in the domain of respiratory event classification, automatic detection of SDB using ECG (Urtnasan et al., 2020; Tripathy et al., 2020), EEG (Zhao et al., 2021), and PSG with its respiratory channels (Mostafa et al., 2020; Yu et al., 2022; Haidar et al., 2018; Yeo et al., 2021; Nassi et al., 2021; Stephansen et al., 2018) has been explored extensively. A recent study introduced a multi-task learning approach, training a supervised deep learning model to predict diverse sleep events (e.g., sleep stages, arousal, leg movements, and sleep-disordered breathing) using multiple sleep modalities like EEG, EOG, and EMG (Zahid et al., 2023). These studies predominantly utilize supervised learning, often limited by a narrow subset of downstream tasks.

2.2 Contrastive Learning

A major development in self-supervised learning techniques is the rise of contrastive methods for comprehensive data representation learning. In computer vision, influential frameworks have emerged including: InfoNCE (Oord et al., 2018), SimCLR (Chen et al., 2020), MoCo (He et al., 2020), and SupCon (Khosla et al., 2020). These uni-modal contrastive approaches focus primarily on single data modalities like images. A notable multi-modal exception is the Contrastive Language-Image Pretraining (CLIP) model (Radford et al., 2021), which aligns image and text embeddings. In medicine, ConVIRT (Zhang et al., 2022) pioneered multi-modal CL between chest radiographs and reports. Other works have explored similar directions for medical images (Huang et al., 2021; Boecking et al., 2022; Bannur et al., 2023; Lu et al., 2023).

Outside of computer vision, uni-modal contrastive methods have been applied to time series data like ECG signals (Kiyasseh et al., 2021; Gopal et al., 2021). CL has also enabled signal conversion tasks (Nørskov et al., 2023). However, contrastive representation learning across diverse physiological modalities remains relatively uncharted. Two prior studies have investigated contrastive multi-modal clinical time series analysis. One work employed SimCLR-style pre-training on data encompassing ECG and structured records (Raghu et al., 2022). Another derived ECG representations by contrasting ECGs, structured EHRs, and clinical notes (Lalam et al., 2023).

SleepFM differs from these past works in two primary ways. First, it explores self-supervised representation learning on a large sleep dataset, while most prior works rely on supervised learning. Second, it is the first contrastive model that utilizes a wide array of sleep modalities such as BAS, ECG waveforms, and respiratory signals, covering 19 data channels across three main physiological systems: brain, heart, and lungs. Alongside pairwise CL, we propose and evaluate a novel leave-one-out CL approach. Comprehensive downstream tasks verify SleepFM’s superior performance over supervised baseline.

3 Method

3.1 Dataset and Preprocessing

Our dataset encompasses PSG records from Stanford Sleep Clinic from 1999-2020, spanning participants aged 2-91. Comprising 14,068 recordings, this dataset features diverse waveforms, such as BAS, ECG, and respiratory channels collected over approximately 8 hours per individual. Its comprehensive nature makes it a valuable and high-quality resource for sleep-related research.

Our preprocessing strategy aimed to make minimal alterations to preserve raw signal characteristics crucial for nuanced pattern recognition. Each recording consists of three modalities: BAS, ECG, and respiratory, encompassing 10, 2, and 7 channels, respectively. The BAS modality includes channels gauging brain activity from various brain regions (frontal, central, occipital), as well as EOG for eye movement and EMG for chin muscle activation. The ECG modality contains channels that measure electrical cardiac function. The respiratory modality includes channels measuring chest and abdomen movements, pulse readings, nasal and oral flow measurements. The selection of these channels was guided by sleep experts due to their relevance in sleep studies, facilitating sleep stage scoring and SDB detection (Berry et al., 2012).

Subsequently, we segmented the total sleep duration into consecutive 30-second clips for all participants, following the standard clip duration used in sleep studies (Berry et al., 2012). We then resampled the dataset to 256 Hz to standardize the sampling rate across all participants. Furthermore, expert sleep technicians labeled each clip for both sleep stage and SDB. Sleep stage is categorized into Wake, Stage 1, Stage 2, Stage 3, REM, and SDB is a binary label. To prevent data leakage, the dataset is split into participant-level pretrain/train/validation/test sets consisting of 11,261, 1,265, 141, and 1,401 participants respectively. Each participant contributes multiple clips to our dataset, resulting in a total of 10.6M, 1.19M, 130K, and 1.31M clips, respectively. The pretrain dataset is only used to pretrain our foundation model. The remaining set serves to train and test our model and baseline models for downstream applications as explained in Section 4. The validation set is used to optimize the hyperparameters. Demographic statistics for different splits are presented in Table 1. An illustrative snapshot of our data can be found in Figure 4.

Table 1: Demographics table. REM: Rapid Eye Movement; AHI: Apnea-Hypopnea Index, a measure used in sleep medicine to assess the severity of sleep apnea; WASO: Wake After Sleep Onset, the total time spent awake after initially falling asleep; SL: Sleep Latency, the time it takes to transition from wakefulness to sleep; REML: REM Sleep Latency, the time it takes to enter REM sleep after falling asleep; TSD: Total Sleep Duration, the overall duration of sleep. ±plus-or-minus\pm± represents upper and lower bound.
pretrain train valid test
Participants (count) 11,261 1,265 141 1,401
Events (count) 10,611,314 1,190,392 130,380 1,314,267
Duration (hours) 88,427 9,920 1,086 10,952
Male (%) 49.9 50.2 47.1 53.0
Female (%) 43.8 44.0 48.1 41.8
Unknown (%) 6.3 5.9 4.8 5.2
Age (years) 42.2 ±plus-or-minus\pm± 19.6 43.0 ±plus-or-minus\pm± 20.3 40.4 ±plus-or-minus\pm± 20.0 41.9 ±plus-or-minus\pm± 19.9
TSD (mins) 376.7 ±plus-or-minus\pm± 90.8 376.4 ±plus-or-minus\pm± 90.6 371.2 ±plus-or-minus\pm± 84.9 374.3 ±plus-or-minus\pm± 87.5
WASO (mins) 79.4 ±plus-or-minus\pm± 60.5 79.7 ±plus-or-minus\pm± 62.3 78.8 ±plus-or-minus\pm± 57.3 81.5 ±plus-or-minus\pm± 62.8
SL (mins) 22.2 ±plus-or-minus\pm± 32.8 21.2 ±plus-or-minus\pm± 31.6 29.0 ±plus-or-minus\pm± 87.8 22.5 ±plus-or-minus\pm± 32.6
REML (mins) 151.9 ±plus-or-minus\pm± 102.6 149.4 ±plus-or-minus\pm± 97.7 148.6 ±plus-or-minus\pm± 99.9 154.8 ±plus-or-minus\pm± 103.5
Stage 1 (%) 9.4 ±plus-or-minus\pm± 9.2 9.3 ±plus-or-minus\pm± 8.8 8.2 ±plus-or-minus\pm± 7.7 9.0 ±plus-or-minus\pm± 8.9
Stage 2 (%) 65.0 ±plus-or-minus\pm± 14.7 64.8 ±plus-or-minus\pm± 14.7 64.8 ±plus-or-minus\pm± 14.7 65.0 ±plus-or-minus\pm± 14.7
Stage 3 (%) 10.2 ±plus-or-minus\pm± 13.2 10.2 ±plus-or-minus\pm± 13.2 10.9 ±plus-or-minus\pm± 12.7 10.3 ±plus-or-minus\pm± 13.6
REM (%) 15.5 ±plus-or-minus\pm± 7.9 15.7 ±plus-or-minus\pm± 8.0 16.2 ±plus-or-minus\pm± 6.8 15.7 ±plus-or-minus\pm± 7.9
AHI (h-1) 22.2 ±plus-or-minus\pm± 79.3 22.8 ±plus-or-minus\pm± 19.1 22.2 ±plus-or-minus\pm± 18.5 20.9 ±plus-or-minus\pm± 17.0

3.2 Embedding Model

Our pre-training stage employed CL as the foundational algorithm for representation learning, explained in more detail in Section 3.3. We used three 1D CNNs to generate three separate embeddings from the BAS, ECG, and respiratory modalities and trained them separately. The architecture of the models is based on a 1D CNN developed for classifying ECG measurements (Ouyang et al., 2022). These models differ in their first convolutional layers to accommodate the number of channels specific to each modality: 10 for BAS, 2 for ECG, and 7 for respiratory channels.

The architecture of these embedding models is rooted in EfficientNet architecture (Tan & Le, 2019). The architecture starts with atrous convolutions followed by subsequent multi-channel 1D convolutions. The layer count aligns with the original design of EfficientNet (Tan & Le, 2019), but the number of channels is significantly reduced for model runtime efficiency and to minimize complexity. Following the initial atrous layers, the model incorporates convolutional layers utilizing an invested residual structure, mirroring the input and output bottleneck layers with an intermediate expansion layer (Sandler et al., 2018).

For regularization, a dropout layer precedes the final fully connected output layer. Depthwise separable convolutions are extensively utilized to minimize parameters while preserving representational capacity. Residual connections aid gradient flow across multiple layers during optimization, facilitating hierarchical feature learning on variable-length sequential data.

3.3 Multi-modal Contrastive Learning

We explore two CL frameworks for learning joint representations across modalities: pairwise CL and leave-one-out CL ( Figure 1). The key idea is to bring positive pairs of embeddings from different modalities closer in the latent space while pushing apart negative pairs. The positive pairs are derived from temporally aligned 30-second clips across modalities. All other non-matching instances within a training batch are treated as negative pairs.

Refer to caption
Figure 1: Overview of SleepFM pre-training with CL. We experiment with two types of pre-training: standard pairwise CL where we contrast embeddings from each pair of modalities separately, and our novel leave-one-out CL where we contrast the embedding of each modality against the average embedding of all other modalities. BAS (Brain Activity Signals) measures brain activity, eye and muscle movement, Electrocardiogram (ECG) measures heart activity, and Respiratory channels measure chest, abdomen movements, pusle, nasal, and oral flow.

In pairwise CL, we construct contrastive prediction tasks between all pairs of modalities. We use a contrastive loss to encourage agreement between positive pairs while discouraging agreement between negative pairs. Specifically, for modalities i𝑖iitalic_i and j𝑗jitalic_j and sample k𝑘kitalic_k in a batch, we have an embedding xkisuperscriptsubscript𝑥𝑘𝑖x_{k}^{i}italic_x start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT from modality i𝑖iitalic_i and an embedding xkjsuperscriptsubscript𝑥𝑘𝑗x_{k}^{j}italic_x start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_j end_POSTSUPERSCRIPT from modality j𝑗jitalic_j. The contrastive prediction loss is defined as:

li,j,kpair=logexp(sim(xki,xkj)exp(τ))m=1Nexp(sim(xki,xmj)exp(τ)),superscriptsubscript𝑙𝑖𝑗𝑘pairsimsuperscriptsubscript𝑥𝑘𝑖superscriptsubscript𝑥𝑘𝑗𝜏superscriptsubscript𝑚1𝑁simsuperscriptsubscript𝑥𝑘𝑖superscriptsubscript𝑥𝑚𝑗𝜏l_{i,j,k}^{\mbox{pair}}=-\log\frac{\exp(\mathrm{sim}(x_{k}^{i},x_{k}^{j})*\exp% (\tau))}{\sum_{m=1}^{N}\exp(\mathrm{sim}(x_{k}^{i},x_{m}^{j})*\exp(\tau))},italic_l start_POSTSUBSCRIPT italic_i , italic_j , italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT pair end_POSTSUPERSCRIPT = - roman_log divide start_ARG roman_exp ( roman_sim ( italic_x start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT , italic_x start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_j end_POSTSUPERSCRIPT ) ∗ roman_exp ( italic_τ ) ) end_ARG start_ARG ∑ start_POSTSUBSCRIPT italic_m = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT roman_exp ( roman_sim ( italic_x start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT , italic_x start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_j end_POSTSUPERSCRIPT ) ∗ roman_exp ( italic_τ ) ) end_ARG , (1)

where N𝑁Nitalic_N is the number of samples in a batch, τ𝜏\tauitalic_τ is a trainable temperature parameter, and simsim\mathrm{sim}roman_sim is cosine similarity. We sum this loss over all the samples in a batch and repeat the process for all pairs of modalities i,j𝑖𝑗{i,j}italic_i , italic_j. The final loss is the sum of pairwise contrastive losses over all modality pairs.

In leave-one-out CL, we construct a predictive task where an embedding from one modality tries to identify the corresponding embeddings from the remaining modalities. In particular, for each modality i𝑖iitalic_i, we construct an embedding x¯isuperscript¯𝑥absent𝑖\bar{x}^{\neq i}over¯ start_ARG italic_x end_ARG start_POSTSUPERSCRIPT ≠ italic_i end_POSTSUPERSCRIPT by averaging over embeddings from all other modalities, excluding modality i𝑖iitalic_i. We then apply a contrastive loss between modality i𝑖iitalic_i’s embedding and this leave-one-out representation:

li,kLOO=logexp(sim(xki,x¯ki)exp(τ))m=1Nexp(sim(xki,x¯mi)exp(τ))superscriptsubscript𝑙𝑖𝑘LOOsimsuperscriptsubscript𝑥𝑘𝑖superscriptsubscript¯𝑥𝑘absent𝑖𝜏superscriptsubscript𝑚1𝑁simsuperscriptsubscript𝑥𝑘𝑖superscriptsubscript¯𝑥𝑚absent𝑖𝜏l_{i,k}^{\mbox{LOO}}=-\log\frac{\exp(\text{sim}(x_{k}^{i},\overline{x}_{k}^{% \neq i})*\exp(\tau))}{\sum_{m=1}^{N}\exp(\text{sim}(x_{k}^{i},\overline{x}_{m}% ^{\neq i})*\exp(\tau))}italic_l start_POSTSUBSCRIPT italic_i , italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT LOO end_POSTSUPERSCRIPT = - roman_log divide start_ARG roman_exp ( sim ( italic_x start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT , over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ≠ italic_i end_POSTSUPERSCRIPT ) ∗ roman_exp ( italic_τ ) ) end_ARG start_ARG ∑ start_POSTSUBSCRIPT italic_m = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT roman_exp ( sim ( italic_x start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT , over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ≠ italic_i end_POSTSUPERSCRIPT ) ∗ roman_exp ( italic_τ ) ) end_ARG (2)

Similar to pairwise, this is the loss for a sample k𝑘kitalic_k from modality i𝑖{i}italic_i in a given batch.

The motivation behind the leave-one-out method is to encourage each embedding to capture semantics aligned with all other modalities. Pairwise CL, on the other hand, encourages alignments only between particular pairs of modalities.

3.4 Model Training

Our model pretraining involves minimizing the contrastive loss with stochastic gradient descent (SGD) using an initial learning rate set to 0.001 and a momentum of 0.9. The learning rate is decayed by a factor of 10 every 5 epochs. The trainable temperature parameter is initialized to 0. Training spans a maximum of 20 epochs with early stop** based on validation loss, employing a batch size of 32 and validating checkpoints at each epoch to ensure robust regularization.

Upon pretraining completion via this self-supervised approach, we generate embeddings for the training, validation, and test sets, utilizing the learned modality encoders. Subsequently, these training embeddings drive the training of a logistic regression classifier. The classifier’s performance undergoes evaluation on the test set for both sleep stage and SDB event detection tasks, as outlined in Section 4.3.

In our experiments, we additionally compare against training a supervised CNN without contrastive learning as a baseline. The supervised CNN uses an 1D EfficientNet architecture akin to our pretrained model encoder but is solely trained via supervised learning on the entire (pretraining + training) dataset for classification tasks. This architecture uses a series of 1D convolutions encoding all three modalities into an embedding space, followed by a dropout layer for regularization and a fully-connected layer predicting scores across different classes. This model is trained end-to-end from scratch using cross-entropy loss between the predicted and true labels, optimized by SGD. Mirroring the pretraining phase, this model undergoes training for 20 epochs with a batch size of 32, aligning hyperparameters with our model pretraining strategy. Additional training details are available in Section A.3.

4 Experiments and Results

4.1 Demographic Attributes Classification

Table 2: Age classification metrics for models trained using different types of contrastive learning (CL). The supervised CNN is trained on the entire (pretraining + training) dataset to classify age groups. The leave-one-out and pairwise models are logistic regression models trained on the embeddings generated from only the training dataset. Therefore end-to-end CNN saw all data 11,261 participants while pretrained model saw data from 1,265 participants for sleep stage classification. Prevalence of 0-18, 18-35, 35-50, and 50+ are 0.17, 0.18, 0.28, and 0.37 respectively. ±plus-or-minus\pm± represents 95% Confidence Intervals.
AUROC AUPRC
Leave-One-Out Pairwise Supervised CNN Leave-One-Out Pairwise Supervised CNN
0-18 0.982±.001subscript0.982plus-or-minus.0010.982_{\pm.001}0.982 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.977±.001subscript0.977plus-or-minus.0010.977_{\pm.001}0.977 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.864±.001subscript0.864plus-or-minus.0010.864_{\pm.001}0.864 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.937±.002subscript0.937plus-or-minus.0020.937_{\pm.002}0.937 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.929±.004subscript0.929plus-or-minus.0040.929_{\pm.004}0.929 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT 0.628±.003subscript0.628plus-or-minus.0030.628_{\pm.003}0.628 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT
18-35 0.852±.001subscript0.852plus-or-minus.0010.852_{\pm.001}0.852 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.809±.002subscript0.809plus-or-minus.0020.809_{\pm.002}0.809 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.683±.002subscript0.683plus-or-minus.0020.683_{\pm.002}0.683 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.549±.003subscript0.549plus-or-minus.0030.549_{\pm.003}0.549 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.458±.002subscript0.458plus-or-minus.0020.458_{\pm.002}0.458 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.308±.002subscript0.308plus-or-minus.0020.308_{\pm.002}0.308 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
35-50 0.784±.001subscript0.784plus-or-minus.0010.784_{\pm.001}0.784 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.740±.001subscript0.740plus-or-minus.0010.740_{\pm.001}0.740 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.606±.003subscript0.606plus-or-minus.0030.606_{\pm.003}0.606 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.524±.001subscript0.524plus-or-minus.0010.524_{\pm.001}0.524 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.476±.002subscript0.476plus-or-minus.0020.476_{\pm.002}0.476 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.371±.002subscript0.371plus-or-minus.0020.371_{\pm.002}0.371 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
50+ 0.915±.001subscript0.915plus-or-minus.0010.915_{\pm.001}0.915 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.880±.001subscript0.880plus-or-minus.0010.880_{\pm.001}0.880 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.745±.002subscript0.745plus-or-minus.0020.745_{\pm.002}0.745 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.856±.002subscript0.856plus-or-minus.0020.856_{\pm.002}0.856 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.796±.002subscript0.796plus-or-minus.0020.796_{\pm.002}0.796 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.619±.002subscript0.619plus-or-minus.0020.619_{\pm.002}0.619 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Avg 0.8830.883\mathbf{0.883}bold_0.883 0.8510.8510.8510.851 0.7240.7240.7240.724 0.7160.716\mathbf{0.716}bold_0.716 0.6640.6640.6640.664 0.4810.4810.4810.481
Table 3: Gender classification metrics for models trained using different types of CL. The supervised CNN is trained on the entire (pretraining + training) dataset to classify gender. The leave-one-out and pairwise models are logistic regression models trained on the embeddings generated from only the training dataset. Therefore end-to-end CNN saw 11,261 patient data while pretrained model saw 1,265 training data for SDB classification. Prevalence of female gender is 0.41. ±plus-or-minus\pm± represents 95% Confidence Intervals.
AUROC AUPRC
Leave-One-Out CL 0.850±.001subscript0.850plus-or-minus.001\mathbf{0.850_{\pm.001}}bold_0.850 start_POSTSUBSCRIPT ± bold_.001 end_POSTSUBSCRIPT 0.774±.002subscript0.774plus-or-minus.002\mathbf{0.774_{\pm.002}}bold_0.774 start_POSTSUBSCRIPT ± bold_.002 end_POSTSUBSCRIPT
Pairwise CL 0.810±.001subscript0.810plus-or-minus.0010.810_{\pm.001}0.810 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.731±.002subscript0.731plus-or-minus.0020.731_{\pm.002}0.731 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Supervised CNN 0.690±.002subscript0.690plus-or-minus.0020.690_{\pm.002}0.690 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.614±.002subscript0.614plus-or-minus.0020.614_{\pm.002}0.614 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT

We evaluated our SleepFM’s embedding quality by training a logistic regression classifier on top of the combined multimodal embeddings to predict common demographic attributes such as age and gender. Our classification task directly used the 30-second clip-level embeddings generated by SleepFM. For age prediction, we grouped ages into the following categories: 0-18, 18-35, 35-50, and 50+. The prevalence of these age groups in our dataset is 0.17, 0.18, 0.28, and 0.37, respectively. For gender classification, we considered male vs. female, with the prevalence of females being 0.41 in our dataset. We evaluated the performance based on AUROC (Area Under the Receiver Operating Characteristic curve) and AUPRC (Area Under the Precision-Recall Curve). As a baseline, we trained a CNN end-to-end to perform age and gender classification given the combined multimodal raw input data.

We find that SleepFM can predict age and gender with high accuracy from just 30-second clips of physiological data (Table 2 and Table 3). Both our pre-trained models significantly outperform the end-to-end CNN baseline across all evaluation metrics and tasks. Note that the end-to-end supervised CNN used the full (pretraining + training) dataset during training, while the embeddings from SleepFM were only trained on the training set. Notably, the model pre-trained with leave-one-out CL achieves the best performance. The strong clip-level performance indicates SleepFM’s embeddings effectively capture salient demographic information. Analyzing the performance per modality, we find that the BAS signals contain the most distinctive features for these tasks as shown in Table 15 and Table 16.

4.2 Retrieval Analysis

Table 4: Retrieval on the test set for model trained with leave-one-out contrastive learning (CL). Resp is for Respiratory. Random baseline for Recall@10 = 0.0001
Median Rank Recall@10
BAS ECG Resp BAS ECG Resp
BAS - 7 416 - 0.58 0.05
ECG 13 - 19 0.46 - 0.39
Resp 400 21 - 0.05 0.38 -
Table 5: Retrieval on the test set for model trained with pairwise contrastive learning (CL). Resp is for Respiratory. Random baseline for Recall@10 = 0.0001
Median Rank Recall@10
BAS ECG Resp BAS ECG Resp
BAS - 1 6 - 0.74 0.58
ECG 1 - 2 0.82 - 0.81
Resp 5 2 - 0.60 0.82 -

To further assess the quality of SleepFM’s embeddings, we assessed its retrieval capabilities by retrieving one modality’s closest embeddings from the test set based on another modality’s embeddings. For instance, computing cosine similarity between BAS and ECG embeddings generated a ranked list, allowing us to gauge retrieval performance. Evaluation was measured using recall@10 and median rank metrics.

  • Recall@10: Measures the true paired item’s appearance within the top 10 recommendations. Higher values indicate more accurate retrieval among top recommendations.

  • Median rank: Determines the median position of the true paired item in rankings; a lower median rank signifies a more consistent ranking of the correct pair among recommendations.

We measured the retrieval performance using 90,000 randomly selected 30-second clips encompassing all modalities from the test set. To ensure a representative sample, we uniformly selected clips from various event types across all participants within the test set. The Recall@10 for random retrievals is 10/90000=0.000110900000.000110/90000=0.000110 / 90000 = 0.0001.

SleepFM achieved over 500x-8000x higher Recall@10 than the random chance as shown in Table 5 and Table 5. Pairwise CL yields better overall retrieval performance than leave-one-out, likely because the retrieval evaluation directly maps the training procedure of pairwise. One trend across both metrics is that retrieval performance between respiratory and other modalities is comparatively worse. The discrepancy in retrieval performance may stem from the higher variablilty of the respiratory measurements. While BAS is directly measured via electrical activity from the brain and ECG is directly measured via electrical activity from the heart, the respiratory channels indirectly measure breathing through the movement of the participant, which can be influenced by body position and non-breathing related motion.

4.3 Downstream Classification Tasks

Table 6: Sleep stage classification metrics for models trained using different types of contrastive learning (CL). Baseline here is an end-to-end CNN trained on the entire (pretraining + training) dataset to classify sleep stages. The leave-one-out and pairwise models are logistic regression models trained on the embeddings generated from only the training dataset. Therefore end-to-end CNN saw 11,261 patient data while pretrained model saw 1,265 training data for sleep stage classification. Prevalence of Wake, Stage 1, Stage 2, Stage 3, and REM are 0.21, 0.07, 0.51, 0.09, and 0.12 respectively. ±plus-or-minus\pm± represents 95% Confidence Intervals.
AUROC AUPRC
Leave-One-Out Pairwise Supervised CNN Leave-One-Out Pairwise Supervised CNN
Wake 0.945±.001subscript0.945plus-or-minus.0010.945_{\pm.001}0.945 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.930±.001subscript0.930plus-or-minus.0010.930_{\pm.001}0.930 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.869±.001subscript0.869plus-or-minus.0010.869_{\pm.001}0.869 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.862±.002subscript0.862plus-or-minus.0020.862_{\pm.002}0.862 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.827±.002subscript0.827plus-or-minus.0020.827_{\pm.002}0.827 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.711±.002subscript0.711plus-or-minus.0020.711_{\pm.002}0.711 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Stage 1 0.814±.002subscript0.814plus-or-minus.0020.814_{\pm.002}0.814 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.782±.002subscript0.782plus-or-minus.0020.782_{\pm.002}0.782 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.706±.002subscript0.706plus-or-minus.0020.706_{\pm.002}0.706 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.233±.003subscript0.233plus-or-minus.0030.233_{\pm.003}0.233 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.186±.002subscript0.186plus-or-minus.0020.186_{\pm.002}0.186 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.130±.002subscript0.130plus-or-minus.0020.130_{\pm.002}0.130 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Stage 2 0.891±.001subscript0.891plus-or-minus.0010.891_{\pm.001}0.891 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.861±.001subscript0.861plus-or-minus.0010.861_{\pm.001}0.861 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.840±.001subscript0.840plus-or-minus.0010.840_{\pm.001}0.840 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.876±.001subscript0.876plus-or-minus.0010.876_{\pm.001}0.876 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.849±.001subscript0.849plus-or-minus.0010.849_{\pm.001}0.849 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.822±.001subscript0.822plus-or-minus.0010.822_{\pm.001}0.822 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
Stage 3 0.928±.001subscript0.928plus-or-minus.0010.928_{\pm.001}0.928 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.918±.001subscript0.918plus-or-minus.0010.918_{\pm.001}0.918 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.918±.001subscript0.918plus-or-minus.0010.918_{\pm.001}0.918 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.676±.003subscript0.676plus-or-minus.0030.676_{\pm.003}0.676 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.615±.003subscript0.615plus-or-minus.0030.615_{\pm.003}0.615 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.695±.002subscript0.695plus-or-minus.0020.695_{\pm.002}0.695 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
REM 0.951±.001subscript0.951plus-or-minus.0010.951_{\pm.001}0.951 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.891±.001subscript0.891plus-or-minus.0010.891_{\pm.001}0.891 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.878±.001subscript0.878plus-or-minus.0010.878_{\pm.001}0.878 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.778±.003subscript0.778plus-or-minus.0030.778_{\pm.003}0.778 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.565±.002subscript0.565plus-or-minus.0020.565_{\pm.002}0.565 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.540±.003subscript0.540plus-or-minus.0030.540_{\pm.003}0.540 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT
Avg 0.9060.906\mathbf{0.906}bold_0.906 0.8760.8760.8760.876 0.8420.8420.8420.842 0.6850.685\mathbf{0.685}bold_0.685 0.6080.6080.6080.608 0.5790.5790.5790.579
Table 7: SDB classification metrics for models trained using different types of contrastive learning (CL). Baseline here is a supervised CNN trained on the entire (pretraining + training) dataset to classify SDB. The leave-one-out and pairwise models are logistic regression models trained on the embeddings generated from only the training dataset. Therefore end-to-end CNN saw 11,261 patient data while pretrained model saw 1,265 training data for SDB classification. Prevalence of SDB event is 0.017. ±plus-or-minus\pm± represents 95% Confidence Intervals.
AUROC AUPRC
Leave-One-Out CL 0.941±.002subscript0.941plus-or-minus.002\mathbf{0.941_{\pm.002}}bold_0.941 start_POSTSUBSCRIPT ± bold_.002 end_POSTSUBSCRIPT 0.711±.006subscript0.711plus-or-minus.006\mathbf{0.711_{\pm.006}}bold_0.711 start_POSTSUBSCRIPT ± bold_.006 end_POSTSUBSCRIPT
Pairwise CL 0.902±.003subscript0.902plus-or-minus.0030.902_{\pm.003}0.902 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.586±.007subscript0.586plus-or-minus.0070.586_{\pm.007}0.586 start_POSTSUBSCRIPT ± .007 end_POSTSUBSCRIPT
Supervised CNN 0.843±.002subscript0.843plus-or-minus.0020.843_{\pm.002}0.843 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.555±.005subscript0.555plus-or-minus.0050.555_{\pm.005}0.555 start_POSTSUBSCRIPT ± .005 end_POSTSUBSCRIPT

Having demonstrated that SleepFM learns useful representations from PSG clips for tasks such as demographic prediction and clip retrieval, we now evaluate performance on clinically useful downstream tasks: sleep stage and SDB classification. Manual sleep stage scoring and SDB classification currently requires extensive analysis by trained technicians, motivating automatic techniques. To do so, we used the embeddings learned by SleepFM to train a logistic regression model and classify sleep stages and SDB events on a held-out test dataset. Sleep stage classification is a multi-class classification task, with 5 classes: Wake, Stage 1, Stage 2, Stage 3, and REM. Prevalence of these groups are 0.21, 0.07, 0.51, 0.09, and 0.12 respectively. SDB classification is a binary classification task, with a prevalence of 0.017. We compared SleepFM performance with end-to-end CNN trained on all three modalities, for sleep stage and SDB event classification.

The results for sleep stage classification are presented in Table 6. Notably, across both AUROC and AUPRC metrics, the logistic regression model trained using representations from SleepFM outperforms the CNN trained end-to-end in a supervised manner. This superiority holds true across all sleep stage classes as well as on aggregated class metrics. Model pretrained with leave-one-out CL performs better than the one pretrained with pairwise across both metrics.

Similarly, the SDB classification metrics, displayed in Table 7, underscore our approach’s superiority over supervised CNN models. We find that the model pretrained with leave-one-out CL significantly outperforms the model pretrained with pairwise. While our classification performance aligns with existing methods (Salari et al., 2022; Li et al., 2022), our study emphasizes the potential of multi-modal CL in these specific domains.

Furthermore, we sought to understand the performance of individual modality embeddings when trained separately for these tasks. Table 11 and Table 12, exhibit the results for sleep staging and SDB classification using each modality’s embeddings independently. As expected, model trained on BAS embeddings excel in sleep stage classification, while the model trained on respiratory embeddings perform notably well in SDB event detection, as these are the modalities commonly used for the respective tasks. Surprisingly, across both tasks, embeddings from all modalities demonstrated reasonably high performance, specially for sleep stage classification.

Additionally, we stratified the performance of our model across different age and gender groups to ensure there were no discrepancies across demographics. In Table 19 and Table 20, we see that both our pretrained models perform consistently well across all age groups with minor variation, especially among the 50+ age group. Across genders, the performance was similarly consistent with even less variation. For SDB classification, the performance was consistently strong across age and gender groups, except for the 0-18 age group, which exhibited slightly lower performance than other groups as shown in Tables 21 and 22.

Refer to caption
(a) Sleep Stages AUROC
Refer to caption
(b) Sleep Stages AUPRC
Refer to caption
(c) SDB AUROC
Refer to caption
(d) SDB AUPRC
Figure 2: Few Shot Evaluation. The x-axis represents number of patients that the model was trained on and y-axis represents evaluation metrics AUROC and AUPRC. In case of pairwise and leave-one-out, we select embeddings from k𝑘kitalic_k number of patients to train a logistic regression model. The largest number of patients used (1265) is the total size of our training dataset. In case of supervised CNN, we train the model end-to-end on k𝑘kitalic_k number of patients to classify either sleep stages or SDB. Testing is done on the entire test set. For each shot, we average the performance across 3 replicates.

4.4 Few-Shot Evaluation

To understand how our model performs when we only have a small sample size available to train a model for downstream application, we performed a few-shot performance evaluation. To do so, we steadily increased the number of participants k𝑘kitalic_k that each model sees from k=1𝑘1k=1italic_k = 1 to the full training dataset, and recorded the model’s AUROC and AUPRC at each k𝑘kitalic_k. Note that each participant contributes multiple training clips. We consider values of k{1,2,4,8,16,32,64,128,1265}𝑘12481632641281265k\in\{1,2,4,8,16,32,64,128,1265\}italic_k ∈ { 1 , 2 , 4 , 8 , 16 , 32 , 64 , 128 , 1265 }, where 1265 is the size of the full training set. For the supervised CNN, few-shot examples are the only training examples seen by the model. For the pretrained models, we use embeddings of these few-shot examples to train a logistic regression model.

For both AUROC and AUPRC, we see that across all training set sizes, SleepFM significantly outperforms baseline supervised CNN model for both sleep stage and SDB classification (Figure 2). Notably, the leave-one-out model significantly outperforms pairwise model across all training set sizes, especially for SDB classification.

4.5 Benefit of Multi-Modal Pretraining

Refer to caption
(a) Sleep Stages AUROC
Refer to caption
(b) Sleep Stages AUPRC
Refer to caption
(c) SDB AUROC
Refer to caption
(d) SDB AUPRC
Figure 3: Ablation few shot plot. The x-axis represents number of patients that the model was trained on and y-axis represents performance metrics AUROC and AUPRC. We select embedding from k𝑘kitalic_k number of patients to train a logistic regression model. The last shot (1265) is the total size of our training dataset. The other models (Resp-ECG, Resp-BAS, BAS-ECG) represents the model pretrained using only 2 modalities. Finally, BAS and RESP represents models pretrained with only 1 modality. For each shot, we average the performance across 3 replicates.

Finally, we conducted ablation studies to analyze how the number and type of modalities used during pretraining impacts downstream task performance. We pretrained models using 3 modalities (BAS-ECG-Respiratory signals), 2 modalities (BAS-Respiratory and BAS-ECG, and ECG-Respiratory), and individual modalities (BAS and Respiratory) with CL. The 3-modality model used leave-one-out CL, which was our best performing model. The 2-modality models used a similar contrastive approach, pairing clips from different modalities in the same 30-second window as positives. For single modalities, adjacent 30-second clips were treated as positive pairs.

For evaluation, we extracted BAS embeddings from all pretrained models and trained logistic regression classifiers for sleep stage classification, a common application of BAS signals. Similarly, for SDB detection, we extracted respiratory embeddings and trained logistic regression models, as respiratory data is typically used for this task. This enables a fair comparison to evaluate which pretraining strategy produces the most useful embeddings for these modalities and applications.

The result of our experiment is shown in Figure 3. We found pretraining with 3 modalities clearly helped performance across both sleep stage and SDB scoring tasks, with the 3-modality model achieving higher AUPRC for SDB detection in particular. The BAS-ECG and Respiratory-ECG models also performed well, suggesting ECG helps enrich representations of other signals during pretraining. In contrast, single modality models consistently underperformed. Interestingly, certain paired modalities like BAS-Respiratory did not improve performance as much as models incorporating ECG. This indicates the modalities paired during pretraining significantly impact downstream utility of embeddings. Further analysis of how different modality combinations impact representation learning merits exploration in future work.

Table 8: External validation of SleepFM on Physionet Computing in Cardiology 2018 challenge (Ghassemi et al., 2018). SleepFM was only pretrained on our internal sleep data. Supervised CNN was trained end to end on the external database to classify sleep stages. Test size: 100 participants. ±plus-or-minus\pm± represents 95% confidence intervals.
SleepFM Supervised CNN
AUROC AUPRC F1 AUROC AUPRC F1
Wake 0.966±.001subscript0.966plus-or-minus.0010.966_{\pm.001}0.966 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.867±.003subscript0.867plus-or-minus.0030.867_{\pm.003}0.867 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.790±.001subscript0.790plus-or-minus.0010.790_{\pm.001}0.790 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.867±.002subscript0.867plus-or-minus.0020.867_{\pm.002}0.867 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.614±.004subscript0.614plus-or-minus.0040.614_{\pm.004}0.614 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT 0.514±.002subscript0.514plus-or-minus.0020.514_{\pm.002}0.514 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Stage 1 0.830±.004subscript0.830plus-or-minus.0040.830_{\pm.004}0.830 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT 0.471±.002subscript0.471plus-or-minus.0020.471_{\pm.002}0.471 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.439±.002subscript0.439plus-or-minus.0020.439_{\pm.002}0.439 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.709±.003subscript0.709plus-or-minus.0030.709_{\pm.003}0.709 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.305±.002subscript0.305plus-or-minus.0020.305_{\pm.002}0.305 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.006±.000subscript0.006plus-or-minus.0000.006_{\pm.000}0.006 start_POSTSUBSCRIPT ± .000 end_POSTSUBSCRIPT
Stage 2 0.902±.002subscript0.902plus-or-minus.0020.902_{\pm.002}0.902 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.857±.004subscript0.857plus-or-minus.0040.857_{\pm.004}0.857 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT 0.793±.001subscript0.793plus-or-minus.0010.793_{\pm.001}0.793 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.843±.001subscript0.843plus-or-minus.0010.843_{\pm.001}0.843 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.784±.004subscript0.784plus-or-minus.0040.784_{\pm.004}0.784 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT 0.694±.001subscript0.694plus-or-minus.0010.694_{\pm.001}0.694 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
Stage 3 0.971±.001subscript0.971plus-or-minus.0010.971_{\pm.001}0.971 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.821±.004subscript0.821plus-or-minus.0040.821_{\pm.004}0.821 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT 0.743±.001subscript0.743plus-or-minus.0010.743_{\pm.001}0.743 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.925±.002subscript0.925plus-or-minus.0020.925_{\pm.002}0.925 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.471±.002subscript0.471plus-or-minus.0020.471_{\pm.002}0.471 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.244±.001subscript0.244plus-or-minus.0010.244_{\pm.001}0.244 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
REM 0.950±.002subscript0.950plus-or-minus.0020.950_{\pm.002}0.950 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.778±.005subscript0.778plus-or-minus.0050.778_{\pm.005}0.778 start_POSTSUBSCRIPT ± .005 end_POSTSUBSCRIPT 0.717±.002subscript0.717plus-or-minus.0020.717_{\pm.002}0.717 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.872±.003subscript0.872plus-or-minus.0030.872_{\pm.003}0.872 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.592±.002subscript0.592plus-or-minus.0020.592_{\pm.002}0.592 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.355±.001subscript0.355plus-or-minus.0010.355_{\pm.001}0.355 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
Macro Avg 0.9240.9240.9240.924 0.7590.7590.7590.759 0.7000.7000.7000.700 0.8430.8430.8430.843 0.5530.5530.5530.553 0.3630.3630.3630.363

4.6 External Validation

To evaluate the performance of our model, SleepFM, on data from an external site not seen during the pretraining stage, we utilized the publicly available dataset from the Physionet Computing in Cardiology 2018 Challenge (Ghassemi et al., 2018). SleepFM was pretrained exclusively on our internal sleep data. For comparison, we also trained a supervised CNN end-to-end on the external dataset to classify sleep stages.

Table 8 presents the results of this external validation. The test set comprised 100 participants, and the metrics reported include AUROC, AUPRC, and F1 score, each accompanied by 95% confidence intervals.

The SleepFM demonstrated superior performance across all sleep stages compared to the supervised CNN. Specifically, SleepFM achieved an overall macro-average AUROC of 0.924, AUPRC of 0.759, and F1 score of 0.700. In contrast, the supervised CNN’s macro-average metrics were lower, with an AUROC of 0.843, AUPRC of 0.553, and F1 score of 0.363.

The primary takeaway from these results is that SleepFM generalizes well to external sites, despite not being exposed to the dataset during the pretraining phase. Additionally, the configuration of EEG channels differs between our site and the CinC dataset. Despite these differences, our model demonstrated robust generalization and adaptation to the new site, showcasing its potential for broader applicability beyond the conditions for which it was specifically trained. This highlights the strength of our approach in handling variations in data acquisition protocols across different sites, a crucial factor for the real-world deployment of sleep analysis models.

5 Discussion and Conclusion

Our study leverages multi-modal PSG data and representation learning techniques to enhance the identification of sleep events, contributing significantly to the field of sleep medicine. The primary contributions include the development and evaluation of a multi-modal contrastive learning (CL) model on a dataset comprising 14,000 participants and over 100,000 hours of sleep data.

Our model demonstrated strong performance across various tasks, including demographic attributes classification, retrieval analysis, sleep stage classification, and sleep-disordered breathing (SDB) event detection, outperforming end-to-end trained CNNs. The methodology centers on two CL approaches: leave-one-out and pairwise. Both approaches effectively unified BAS, ECG, and respiratory signal representations, proving effective in limited data scenarios. Notably, we found that pairwise CL is better suited for cross-modality retrieval, while leave-one-out CL excels in learning representations for downstream sleep stage and SDB classification. This superiority might be attributed to leave-one-modality-out training, which encourages the model to learn a more integrated representation of different modalities.

Moreover, the external validation of SleepFM highlights the potential of our approach to be broadly applied in diverse clinical settings, enhancing its utility and impact in sleep research and medicine. This underscores the robustness and versatility of our model, suggesting its capability to handle variations in data acquisition protocols across different sites, a crucial factor for real-world deployment.

Future Work. Despite its achievements, our study has limitations. We primarily trained and evaluated on one institution’s sleep data; extensively evaluating the model’s generalizability to other institutions is an important direction of future work. We showed that our model works well across different gender and age groups, which is a promising sign of its robustness. Additionally, while we focused on sleep stage and SDB detection, exploring other tasks like arousal detection, periodic leg movements, and diseases such as narcolepsy could provide a more comprehensive clinical assessment. Moreover, it will be interesting to try our multiple other self-supervised learning (SSL) methods, to see which method actually performs best for this task. Our goal for future work include: (1) pretraining a multi-site, multi-modal foundation model for sleep using diverse PSG data, (2) careful selection and weighting of modalities and handling missing channels, (3) expanding evaluation to more clinically meaningful tasks beyond sleep stage and SDB, and (4) experimenting with multiple other SSL methods.

Acknowledgements

RT gratefully acknowledges funding from the Knight-Hennessy Graduate Fellowship. JZ is supported by funding from the Chan-Zuckerberg Biohub.

Impact Statement

Our work develops an initial foundation model for sleep, leveraging multi-modal PSG data from 14,000 sleep studies. We rigorously trained and evaluated against clinically relevant applications to demonstrate impact. To ensure replicability, we release our source code. All of the data used have been deidentified to protect participant Protected Health Information (PHI).

While our model shows promise, we acknowledge the importance of reliability, transparency, and mitigating potential biases for medical AI. As deep learning is increasingly developed and deployed in sleep medicine, maintaining high ethical standards around consent, explainability, and accountability will be imperative. We believe centering accessibility, responsibility, and social good will allow these technologies to responsibly transform medical practice. Overall, our work is a step toward using AI to capture and unlock the richness of sleep data to better understand and improve our health.

References

  • Bannur et al. (2023) Bannur, S., Hyland, S., Liu, Q., Perez-Garcia, F., Ilse, M., Castro, D. C., Boecking, B., Sharma, H., Bouzid, K., Thieme, A., et al. Learning to exploit temporal structure for biomedical vision-language processing. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp.  15016–15027, 2023.
  • Berry et al. (2012) Berry, R. B., Brooks, R., Gamaldo, C. E., Harding, S. M., Marcus, C., Vaughn, B. V., et al. The AASM manual for the scoring of sleep and associated events. Rules, Terminology and Technical Specifications, Darien, Illinois, American Academy of Sleep Medicine, 176:2012, 2012.
  • Boashash & Ouelha (2016) Boashash, B. and Ouelha, S. Automatic signal abnormality detection using time-frequency features and machine learning: A newborn EEG seizure case study. Knowledge-Based Systems, 106:38–50, 2016.
  • Boecking et al. (2022) Boecking, B., Usuyama, N., Bannur, S., Castro, D. C., Schwaighofer, A., Hyland, S., Wetscherek, M., Naumann, T., Nori, A., Alvarez-Valle, J., et al. Making the most of text semantics to improve biomedical vision–language processing. In European conference on computer vision, pp.  1–21. Springer, 2022.
  • Brink-Kjaer et al. (2022) Brink-Kjaer, A., Leary, E. B., Sun, H., Westover, M. B., Stone, K. L., Peppard, P. E., Lane, N. E., Cawthon, P. M., Redline, S., Jennum, P., et al. Age estimation from sleep studies using deep learning predicts life expectancy. NPJ digital medicine, 5(1):103, 2022.
  • Chen et al. (2020) Chen, T., Kornblith, S., Norouzi, M., and Hinton, G. A simple framework for contrastive learning of visual representations. In International conference on machine learning, pp.  1597–1607. PMLR, 2020.
  • Ghassemi et al. (2018) Ghassemi, M. M., Moody, B. E., Lehman, L.-W. H., Song, C., Li, Q., Sun, H., Mark, R. G., Westover, M. B., and Clifford, G. D. You snooze, you win: the physionet/computing in cardiology challenge 2018. In 2018 Computing in Cardiology Conference (CinC), volume 45, pp.  1–4. IEEE, 2018.
  • Gopal et al. (2021) Gopal, B., Han, R., Raghupathi, G., Ng, A., Tison, G., and Rajpurkar, P. 3kg: Contrastive learning of 12-lead electrocardiograms using physiologically-inspired augmentations. In Machine Learning for Health, pp.  156–167. PMLR, 2021.
  • Haidar et al. (2018) Haidar, R., McCloskey, S., Koprinska, I., and Jeffries, B. Convolutional neural networks on multiple respiratory channels to detect hypopnea and obstructive apnea events. In 2018 International Joint Conference on Neural Networks (IJCNN), pp.  1–7. IEEE, 2018.
  • Hassan & Bhuiyan (2017) Hassan, A. R. and Bhuiyan, M. I. H. Automated identification of sleep states from EEG signals by means of ensemble empirical mode decomposition and random under sampling boosting. Computer methods and programs in biomedicine, 140:201–210, 2017.
  • He et al. (2020) He, K., Fan, H., Wu, Y., Xie, S., and Girshick, R. Momentum contrast for unsupervised visual representation learning. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pp.  9729–9738, 2020.
  • Huang et al. (2021) Huang, S.-C., Shen, L., Lungren, M. P., and Yeung, S. Gloria: A multimodal global-local representation learning framework for label-efficient medical image recognition. In Proceedings of the IEEE/CVF International Conference on Computer Vision, pp.  3942–3951, 2021.
  • Khosla et al. (2020) Khosla, P., Teterwak, P., Wang, C., Sarna, A., Tian, Y., Isola, P., Maschinot, A., Liu, C., and Krishnan, D. Supervised contrastive learning. Advances in neural information processing systems, 33:18661–18673, 2020.
  • Kiyasseh et al. (2021) Kiyasseh, D., Zhu, T., and Clifton, D. A. Clocs: Contrastive learning of cardiac signals across space, time, and patients. In International Conference on Machine Learning, pp.  5606–5615. PMLR, 2021.
  • Kryger et al. (2010) Kryger, M. H., Roth, T., and Dement, W. C. Principles and practice of sleep medicine fifth edition, 2010.
  • Lalam et al. (2023) Lalam, S. K., Kunderu, H. K., Ghosh, S., Kumar, H., Awasthi, S., Prasad, A., Lopez-Jimenez, F., Attia, Z. I., Asirvatham, S., Friedman, P., et al. ECG representation learning with multi-modal EHR data. Transactions on Machine Learning Research, 2023.
  • Leary et al. (2021) Leary, E. B., Stone, K. L., and Mignot, E. Living to dream—reply. JAMA neurology, 78(4):495–496, 2021.
  • Li et al. (2022) Li, C., Qi, Y., Ding, X., Zhao, J., Sang, T., and Lee, M. A deep learning method approach for sleep stage classification with eeg spectrogram. International Journal of Environmental Research and Public Health, 19(10):6322, 2022.
  • Lu et al. (2023) Lu, M. Y., Chen, B., Zhang, A., Williamson, D. F., Chen, R. J., Ding, T., Le, L. P., Chuang, Y.-S., and Mahmood, F. Visual language pretrained multiple instance zero-shot transfer for histopathology images. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp.  19764–19775, 2023.
  • Michielli et al. (2019) Michielli, N., Acharya, U. R., and Molinari, F. Cascaded lstm recurrent neural network for automated sleep stage classification using single-channel eeg signals. Computers in biology and medicine, 106:71–81, 2019.
  • Mostafa et al. (2020) Mostafa, S. S., Mendonca, F., Ravelo-Garcia, A. G., Juliá-Serdá, G. G., and Morgado-Dias, F. Multi-objective hyperparameter optimization of convolutional neural network for obstructive sleep apnea detection. IEEE Access, 8:129586–129599, 2020.
  • Mousavi et al. (2019) Mousavi, S., Afghah, F., and Acharya, U. R. Sleepeegnet: Automated sleep stage scoring with sequence to sequence deep learning approach. PloS one, 14(5):e0216456, 2019.
  • Nassi et al. (2021) Nassi, T. E., Ganglberger, W., Sun, H., Bucklin, A. A., Biswal, S., van Putten, M. J., Thomas, R. J., and Westover, M. B. Automated scoring of respiratory events in sleep with a single effort belt and deep neural networks. IEEE transactions on biomedical engineering, 69(6):2094–2104, 2021.
  • Nørskov et al. (2023) Nørskov, A. V., Zahid, A. N., and Mørup, M. CSLP-AE: A contrastive split-latent permutation autoencoder framework for zero-shot electroencephalography signal conversion. arXiv preprint arXiv:2311.07788, 2023.
  • Oord et al. (2018) Oord, A. v. d., Li, Y., and Vinyals, O. Representation learning with contrastive predictive coding. arXiv preprint arXiv:1807.03748, 2018.
  • Ouyang et al. (2022) Ouyang, D., Theurer, J., Stein, N. R., Hughes, J. W., Elias, P., He, B., Yuan, N., Duffy, G., Sandhu, R. K., Ebinger, J., et al. Electrocardiographic deep learning for predicting post-procedural mortality. arXiv preprint arXiv:2205.03242, 2022.
  • Perslev et al. (2021) Perslev, M., Darkner, S., Kempfner, L., Nikolic, M., Jennum, P. J., and Igel, C. U-sleep: Resilient high-frequency sleep staging. NPJ digital medicine, 4 (1), 72, 2021.
  • Phan et al. (2019) Phan, H., Andreotti, F., Cooray, N., Chén, O. Y., and De Vos, M. Seqsleepnet: end-to-end hierarchical recurrent neural network for sequence-to-sequence automatic sleep staging. IEEE Transactions on Neural Systems and Rehabilitation Engineering, 27(3):400–410, 2019.
  • Phan et al. (2021) Phan, H., Chén, O. Y., Tran, M. C., Koch, P., Mertins, A., and De Vos, M. Xsleepnet: Multi-view sequential model for automatic sleep staging. IEEE Transactions on Pattern Analysis and Machine Intelligence, 44(9):5903–5915, 2021.
  • Radford et al. (2021) Radford, A., Kim, J. W., Hallacy, C., Ramesh, A., Goh, G., Agarwal, S., Sastry, G., Askell, A., Mishkin, P., Clark, J., et al. Learning transferable visual models from natural language supervision. In International conference on machine learning, pp.  8748–8763. PMLR, 2021.
  • Raghu et al. (2022) Raghu, A., Chandak, P., Alam, R., Guttag, J., and Stultz, C. Contrastive pre-training for multimodal medical time series. In NeurIPS 2022 Workshop on Learning from Time Series for Health, 2022.
  • Salari et al. (2022) Salari, N., Hosseinian-Far, A., Mohammadi, M., Ghasemi, H., Khazaie, H., Daneshkhah, A., and Ahmadi, A. Detection of sleep apnea using machine learning algorithms based on ECG signals: A comprehensive systematic review. Expert Systems with Applications, 187:115950, 2022.
  • Sandler et al. (2018) Sandler, M., Howard, A., Zhu, M., Zhmoginov, A., and Chen, L.-C. Mobilenetv2: Inverted residuals and linear bottlenecks. In Proceedings of the IEEE conference on computer vision and pattern recognition, pp.  4510–4520, 2018.
  • Seo et al. (2020) Seo, H., Back, S., Lee, S., Park, D., Kim, T., and Lee, K. Intra-and inter-epoch temporal context network (iitnet) using sub-epoch features for automatic sleep scoring on raw single-channel eeg. Biomedical signal processing and control, 61:102037, 2020.
  • Sors et al. (2018) Sors, A., Bonnet, S., Mirek, S., Vercueil, L., and Payen, J.-F. A convolutional neural network for sleep stage scoring from raw single-channel EEG. Biomedical Signal Processing and Control, 42:107–114, 2018.
  • Stephansen et al. (2018) Stephansen, J. B., Olesen, A. N., Olsen, M., Ambati, A., Leary, E. B., Moore, H. E., Carrillo, O., Lin, L., Han, F., Yan, H., et al. Neural network analysis of sleep stages enables efficient diagnosis of narcolepsy. Nature communications, 9(1):5229, 2018.
  • Supratak et al. (2017) Supratak, A., Dong, H., Wu, C., and Guo, Y. Deepsleepnet: A model for automatic sleep stage scoring based on raw single-channel EEG. IEEE Transactions on Neural Systems and Rehabilitation Engineering, 25(11):1998–2008, 2017.
  • Tan & Le (2019) Tan, M. and Le, Q. Efficientnet: Rethinking model scaling for convolutional neural networks. In International conference on machine learning, pp.  6105–6114. PMLR, 2019.
  • Tripathy et al. (2020) Tripathy, R., Gajbhiye, P., and Acharya, U. R. Automated sleep apnea detection from cardio-pulmonary signal using bivariate fast and adaptive emd coupled with cross time–frequency analysis. Computers in Biology and Medicine, 120:103769, 2020.
  • (40) Tsinalis, O., Matthews, P., Guo, Y., and Zafeiriou, S. Automatic sleep stage scoring with single-channel EEG using convolutional neural networks. arxiv 2016. arXiv preprint arXiv:1610.01683.
  • Tsinalis et al. (2016) Tsinalis, O., Matthews, P. M., and Guo, Y. Automatic sleep stage scoring using time-frequency analysis and stacked sparse autoencoders. Annals of biomedical engineering, 44:1587–1597, 2016.
  • Urtnasan et al. (2020) Urtnasan, E., Park, J.-U., and Lee, K.-J. Automatic detection of sleep-disordered breathing events using recurrent neural networks from an electrocardiogram signal. Neural computing and applications, 32:4733–4742, 2020.
  • Worley (2018) Worley, S. L. The extraordinary importance of sleep: the detrimental effects of inadequate sleep on health and public safety drive an explosion of sleep research. Pharmacy and Therapeutics, 43(12):758, 2018.
  • Yeo et al. (2021) Yeo, M., Byun, H., Lee, J., Byun, J., Rhee, H.-Y., Shin, W., and Yoon, H. Respiratory event detection during sleep using electrocardiogram and respiratory related signals: Using polysomnogram and patch-type wearable device data. IEEE Journal of Biomedical and Health Informatics, 26(2):550–560, 2021.
  • Yildirim et al. (2019) Yildirim, O., Baloglu, U. B., and Acharya, U. R. A deep learning model for automated sleep stages classification using PSG signals. International journal of environmental research and public health, 16(4):599, 2019.
  • Yu et al. (2022) Yu, H., Liu, D., Zhao, J., Chen, Z., Gou, C., Huang, X., Sun, J., and Zhao, X. A sleep apnea-hypopnea syndrome automatic detection and subtype classification method based on LSTM-CNN. Biomedical Signal Processing and Control, 71:103240, 2022.
  • Zahid et al. (2023) Zahid, A. N., Jennum, P., Mignot, E., and Sorensen, H. B. MSED: A multi-modal sleep event detection model for clinical sleep analysis. IEEE Transactions on Biomedical Engineering, 2023.
  • Zhang et al. (2022) Zhang, Y., Jiang, H., Miura, Y., Manning, C. D., and Langlotz, C. P. Contrastive learning of medical visual representations from paired images and text. In Machine Learning for Healthcare Conference, pp.  2–25. PMLR, 2022.
  • Zhao et al. (2021) Zhao, X., Wang, X., Yang, T., Ji, S., Wang, H., Wang, J., Wang, Y., and Wu, Q. Classification of sleep apnea based on EEG sub-band signal characteristics. Scientific Reports, 11(1):5824, 2021.

Appendix A Appendix

A.1 Data Description

In Figure 4, we see a 30 second clip of our raw data for all 19 channels across 3 modalities. Figure 5 shows the distribution of various events across the entire sleep duration for a participant. To ensure the protection of participants’ Protected Health Information (PHI), all data has been de-identified.

Refer to caption
Figure 4: 30-second clip of raw patient data. The x-axis is time and y-axis is different channels across all three modalities: BAS, ECG, and Respiratory.
Refer to caption
Figure 5: Distribution of events across an entire patient sleep. The x-axis represents approximately 8 hours in seconds, and y-axis is distribution of different sleep events during the entire duration of sleep. N1, N2, N3 refers to Sleep Stage 1, 2, and 3 respectively. Obs Hypopnea and Obs SDB are types of SDBs.

A.2 Embedding Model

Our EfficientNet model architecture is divided into multiple stages. The first stage (Stage 1) consists of a Conv1d layer with an input channel size of in_channel and an output channel size of 32. This layer uses a 3×1313\times 13 × 1 kernel, a stride of 2, padding of 1, and dilation of 1.

After the Conv1d layer, we have a batch normalization layer with an output channel size of 32 as well. Following this, stages 2 to 8 consist of MobileNet blocks, each of which stack together multiple Bottleneck modules. The output channel sizes for each stage are specified by the channels parameter, with the default setting being [32, 16, 24, 40, 80, 112, 192, 320, 1280]. However, these channel sizes are reduced compared to the original EfficientNet to improve runtime efficiency and minimize complexity for the time-series data processing task.

The depth of the model, i.e., the number of Bottleneck modules in each MobileNet block (i.e. layers) in each stage, is controlled by the depth parameter. The number of layers in each stage are [1, 2, 2, 3, 3, 3, 3].

The model includes two pooling layers with a kernel size of 3, a stride of 1, and padding of 1. The first max-pooling layer is applied after Stage 3, and the second adaptive average pooling layer is applied after Stage 9. A dropout layer with a rate of 0.5 is used before the final fully connected output layer and ReLU activation for regularization. Dropout layers are also used in each of the Bottleneck modules.

The expansion factor for the bottleneck blocks within the MBConv modules is set to 6, as per the MobileNetV2 architecture (Sandler et al., 2018). For a detailed understanding of the architecture of the Bottleneck and EfficientNet model, we refer readers to the original papers (Sandler et al., 2018; Tan & Le, 2019).

A.3 Training Details

All model training was executed on a single NVIDIA Tesla V100S GPU with 32GB of memory. Each pretraining epoch consumed approximately 4 hours, while baseline supervised training required roughly 2 hours on the same GPU. Table 9 and 10 lists the hyperparameters we used in our training runs.

Table 9: Hyperparameters for Pretraining and end-to-end CNN training
Hyperparameter Value
Learning Rate 0.01
Batch Size 32
lr step period 5
epochs 20
momentum 0.9
Temperature (init) 0.0
Dropout 0.5
Table 10: Hyperparameters for logistic regression training during downstream classifications.
Hyperparameter Value
penalty L2
max iter 10000
class weight balanced
solver lbfgs

A.4 Additional Results

Table 11: Sleep stage classification metrics for model trained with leave-one-out CL. After having trained the model with all three modalities, we extract embeddings for each modality separately and train a logistic regression with each modality to identify sleep stages. ±plus-or-minus\pm± represents 95% confidence intervals.
AUROC AUPRC
ECG Respiratory BAS ECG Respiratory BAS
Wake 0.934±.001subscript0.934plus-or-minus.0010.934_{\pm.001}0.934 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.846±.001subscript0.846plus-or-minus.0010.846_{\pm.001}0.846 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.942±.001subscript0.942plus-or-minus.0010.942_{\pm.001}0.942 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.829±.004subscript0.829plus-or-minus.0040.829_{\pm.004}0.829 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT 0.652±.003subscript0.652plus-or-minus.0030.652_{\pm.003}0.652 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.857±.002subscript0.857plus-or-minus.0020.857_{\pm.002}0.857 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Stage 1 0.786±.002subscript0.786plus-or-minus.0020.786_{\pm.002}0.786 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.676±.002subscript0.676plus-or-minus.0020.676_{\pm.002}0.676 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.801±.002subscript0.801plus-or-minus.0020.801_{\pm.002}0.801 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.193±.002subscript0.193plus-or-minus.0020.193_{\pm.002}0.193 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.127±.001subscript0.127plus-or-minus.0010.127_{\pm.001}0.127 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.211±.003subscript0.211plus-or-minus.0030.211_{\pm.003}0.211 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT
Stage 2 0.874±.001subscript0.874plus-or-minus.0010.874_{\pm.001}0.874 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.728±.001subscript0.728plus-or-minus.0010.728_{\pm.001}0.728 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.888±.001subscript0.888plus-or-minus.0010.888_{\pm.001}0.888 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.860±.001subscript0.860plus-or-minus.0010.860_{\pm.001}0.860 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.708±.001subscript0.708plus-or-minus.0010.708_{\pm.001}0.708 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.873±.001subscript0.873plus-or-minus.0010.873_{\pm.001}0.873 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
Stage 3 0.919±.001subscript0.919plus-or-minus.0010.919_{\pm.001}0.919 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.788±.001subscript0.788plus-or-minus.0010.788_{\pm.001}0.788 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.927±.001subscript0.927plus-or-minus.0010.927_{\pm.001}0.927 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.638±.003subscript0.638plus-or-minus.0030.638_{\pm.003}0.638 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.307±.002subscript0.307plus-or-minus.0020.307_{\pm.002}0.307 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.679±.002subscript0.679plus-or-minus.0020.679_{\pm.002}0.679 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
REM 0.939±.001subscript0.939plus-or-minus.0010.939_{\pm.001}0.939 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.789±.001subscript0.789plus-or-minus.0010.789_{\pm.001}0.789 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.944±.001subscript0.944plus-or-minus.0010.944_{\pm.001}0.944 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.745±.003subscript0.745plus-or-minus.0030.745_{\pm.003}0.745 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.388±.003subscript0.388plus-or-minus.0030.388_{\pm.003}0.388 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.724±.003subscript0.724plus-or-minus.0030.724_{\pm.003}0.724 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT
Macro Avg 0.8910.8910.8910.891 0.7650.7650.7650.765 0.9000.9000.9000.900 0.4360.4360.4360.436 0.4840.4840.4840.484 0.6690.6690.6690.669
Table 12: SDB classification metrics for model trained with leave-one-out CL. After having trained the model with all three modalities, we extract embeddings for each modality separately and train a logistic regression with each modality to identify SDB. ±plus-or-minus\pm± represents 95% confidence intervals.
ECG Respiratory BAS
AUROC 0.735±.004subscript0.735plus-or-minus.0040.735_{\pm.004}0.735 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT 0.925±.002subscript0.925plus-or-minus.0020.925_{\pm.002}0.925 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.735±.004subscript0.735plus-or-minus.0040.735_{\pm.004}0.735 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT
AUPRC 0.040±.001subscript0.040plus-or-minus.0010.040_{\pm.001}0.040 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.697±.006subscript0.697plus-or-minus.0060.697_{\pm.006}0.697 start_POSTSUBSCRIPT ± .006 end_POSTSUBSCRIPT 0.040±.001subscript0.040plus-or-minus.0010.040_{\pm.001}0.040 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
Table 13: Sleep stage classification metrics for model trained with pairwise CL. After having trained the model with all three modalities, we extract embeddings for each modality separately and train a logistic regression with each modality to identify sleep stages. ±plus-or-minus\pm± represents 95% confidence intervals.
AUROC AUPRC
ECG Respiratory BAS ECG Respiratory BAS
Wake 0.917±.001subscript0.917plus-or-minus.0010.917_{\pm.001}0.917 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.821±.001subscript0.821plus-or-minus.0010.821_{\pm.001}0.821 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.925±.001subscript0.925plus-or-minus.0010.925_{\pm.001}0.925 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.782±.002subscript0.782plus-or-minus.0020.782_{\pm.002}0.782 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.621±.002subscript0.621plus-or-minus.0020.621_{\pm.002}0.621 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.816±.001subscript0.816plus-or-minus.0010.816_{\pm.001}0.816 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
Stage 1 0.766±.002subscript0.766plus-or-minus.0020.766_{\pm.002}0.766 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.661±.002subscript0.661plus-or-minus.0020.661_{\pm.002}0.661 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.772±.002subscript0.772plus-or-minus.0020.772_{\pm.002}0.772 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.167±.002subscript0.167plus-or-minus.0020.167_{\pm.002}0.167 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.116±.001subscript0.116plus-or-minus.0010.116_{\pm.001}0.116 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.174±.002subscript0.174plus-or-minus.0020.174_{\pm.002}0.174 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Stage 2 0.848±.001subscript0.848plus-or-minus.0010.848_{\pm.001}0.848 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.695±.001subscript0.695plus-or-minus.0010.695_{\pm.001}0.695 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.857±.001subscript0.857plus-or-minus.0010.857_{\pm.001}0.857 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.841±.001subscript0.841plus-or-minus.0010.841_{\pm.001}0.841 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.675±.001subscript0.675plus-or-minus.0010.675_{\pm.001}0.675 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.845±.001subscript0.845plus-or-minus.0010.845_{\pm.001}0.845 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
Stage 3 0.911±.001subscript0.911plus-or-minus.0010.911_{\pm.001}0.911 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.777±.001subscript0.777plus-or-minus.0010.777_{\pm.001}0.777 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.917±.001subscript0.917plus-or-minus.0010.917_{\pm.001}0.917 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.601±.002subscript0.601plus-or-minus.0020.601_{\pm.002}0.601 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.296±.003subscript0.296plus-or-minus.0030.296_{\pm.003}0.296 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.614±.003subscript0.614plus-or-minus.0030.614_{\pm.003}0.614 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT
REM 0.872±.001subscript0.872plus-or-minus.0010.872_{\pm.001}0.872 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.649±.001subscript0.649plus-or-minus.0010.649_{\pm.001}0.649 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.880±.001subscript0.880plus-or-minus.0010.880_{\pm.001}0.880 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.526±.003subscript0.526plus-or-minus.0030.526_{\pm.003}0.526 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.200±.003subscript0.200plus-or-minus.0030.200_{\pm.003}0.200 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.522±.002subscript0.522plus-or-minus.0020.522_{\pm.002}0.522 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Macro Avg 0.8620.8620.8620.862 0.7200.7200.7200.720 0.8700.8700.8700.870 0.5830.5830.5830.583 0.3810.3810.3810.381 0.5940.5940.5940.594
Table 14: SDB classification metrics for model trained with pairwise CL. After having trained the model with all three modalities, we extract embeddings for each modality separately and train a logistic regression with each modality to identify SDB. ±plus-or-minus\pm± represents 95% confidence intervals.
ECG Respiratory BAS
AUROC 0.698±.003subscript0.698plus-or-minus.0030.698_{\pm.003}0.698 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.893±.003subscript0.893plus-or-minus.0030.893_{\pm.003}0.893 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.706±.004subscript0.706plus-or-minus.0040.706_{\pm.004}0.706 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT
AUPRC 0.029±.001subscript0.029plus-or-minus.0010.029_{\pm.001}0.029 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.601±.006subscript0.601plus-or-minus.0060.601_{\pm.006}0.601 start_POSTSUBSCRIPT ± .006 end_POSTSUBSCRIPT 0.030±.001subscript0.030plus-or-minus.0010.030_{\pm.001}0.030 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
Table 15: Age classification metrics for model trained with leave-one-out CL. After having trained the model with all three modalities, we extract embeddings for each modality separately and train a logistic regression with each modality to identify age groups. ±plus-or-minus\pm± represents 95% confidence intervals.
AUROC AUPRC
ECG Respiratory BAS ECG Respiratory BAS
0-18 0.977±.001subscript0.977plus-or-minus.0010.977_{\pm.001}0.977 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.965±.001subscript0.965plus-or-minus.0010.965_{\pm.001}0.965 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.969±.001subscript0.969plus-or-minus.0010.969_{\pm.001}0.969 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.921±.001subscript0.921plus-or-minus.0010.921_{\pm.001}0.921 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.883±.003subscript0.883plus-or-minus.0030.883_{\pm.003}0.883 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.911±.001subscript0.911plus-or-minus.0010.911_{\pm.001}0.911 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
18-35 0.833±.001subscript0.833plus-or-minus.0010.833_{\pm.001}0.833 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.789±.001subscript0.789plus-or-minus.0010.789_{\pm.001}0.789 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.755±.002subscript0.755plus-or-minus.0020.755_{\pm.002}0.755 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.493±.003subscript0.493plus-or-minus.0030.493_{\pm.003}0.493 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.455±.003subscript0.455plus-or-minus.0030.455_{\pm.003}0.455 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.380±.003subscript0.380plus-or-minus.0030.380_{\pm.003}0.380 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT
35-50 0.774±.001subscript0.774plus-or-minus.0010.774_{\pm.001}0.774 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.722±.001subscript0.722plus-or-minus.0010.722_{\pm.001}0.722 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.686±.001subscript0.686plus-or-minus.0010.686_{\pm.001}0.686 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.516±.002subscript0.516plus-or-minus.0020.516_{\pm.002}0.516 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.458±.003subscript0.458plus-or-minus.0030.458_{\pm.003}0.458 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.424±.002subscript0.424plus-or-minus.0020.424_{\pm.002}0.424 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
50+ 0.905±.001subscript0.905plus-or-minus.0010.905_{\pm.001}0.905 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.873±.001subscript0.873plus-or-minus.0010.873_{\pm.001}0.873 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.813±.001subscript0.813plus-or-minus.0010.813_{\pm.001}0.813 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.843±.001subscript0.843plus-or-minus.0010.843_{\pm.001}0.843 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.780±.001subscript0.780plus-or-minus.0010.780_{\pm.001}0.780 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.685±.002subscript0.685plus-or-minus.0020.685_{\pm.002}0.685 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Macro Avg 0.8720.8720.8720.872 0.8370.8370.8370.837 0.8050.8050.8050.805 0.6930.6930.6930.693 0.6440.6440.6440.644 0.6000.6000.6000.600
Table 16: Gender classification metrics for model trained with leave-one-out CL. After having trained the model with all three modalities, we extract embeddings for each modality separately and train a logistic regression with each modality to identify gender. ±plus-or-minus\pm± represents 95% confidence intervals.
ECG Respiratory BAS
AUROC 0.829±.001subscript0.829plus-or-minus.0010.829_{\pm.001}0.829 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.790±.002subscript0.790plus-or-minus.0020.790_{\pm.002}0.790 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.778±.001subscript0.778plus-or-minus.0010.778_{\pm.001}0.778 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
AUPRC 0.754±.001subscript0.754plus-or-minus.0010.754_{\pm.001}0.754 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.710±.003subscript0.710plus-or-minus.0030.710_{\pm.003}0.710 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.713±.002subscript0.713plus-or-minus.0020.713_{\pm.002}0.713 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Table 17: Age classification metrics for model trained with pairwise CL. After having trained the model with all three modalities, we extract embeddings for each modality separately and train a logistic regression with each modality to identify age groups. ±plus-or-minus\pm± represents 95% confidence intervals.
AUROC AUPRC
ECG Respiratory BAS ECG Respiratory BAS
0-18 0.969±.001subscript0.969plus-or-minus.0010.969_{\pm.001}0.969 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.962±.001subscript0.962plus-or-minus.0010.962_{\pm.001}0.962 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.963±.001subscript0.963plus-or-minus.0010.963_{\pm.001}0.963 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.908±.001subscript0.908plus-or-minus.0010.908_{\pm.001}0.908 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.883±.001subscript0.883plus-or-minus.0010.883_{\pm.001}0.883 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.897±.001subscript0.897plus-or-minus.0010.897_{\pm.001}0.897 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
18-35 0.786±.001subscript0.786plus-or-minus.0010.786_{\pm.001}0.786 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.769±.001subscript0.769plus-or-minus.0010.769_{\pm.001}0.769 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.767±.001subscript0.767plus-or-minus.0010.767_{\pm.001}0.767 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.422±.002subscript0.422plus-or-minus.0020.422_{\pm.002}0.422 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.455±.003subscript0.455plus-or-minus.0030.455_{\pm.003}0.455 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.389±.002subscript0.389plus-or-minus.0020.389_{\pm.002}0.389 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
35-50 0.712±.002subscript0.712plus-or-minus.0020.712_{\pm.002}0.712 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.702±.001subscript0.702plus-or-minus.0010.702_{\pm.001}0.702 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.706±.002subscript0.706plus-or-minus.0020.706_{\pm.002}0.706 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.441±.002subscript0.441plus-or-minus.0020.441_{\pm.002}0.441 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.458±.003subscript0.458plus-or-minus.0030.458_{\pm.003}0.458 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.436±.002subscript0.436plus-or-minus.0020.436_{\pm.002}0.436 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
50+ 0.865±.001subscript0.865plus-or-minus.0010.865_{\pm.001}0.865 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.841±.001subscript0.841plus-or-minus.0010.841_{\pm.001}0.841 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.840±.001subscript0.840plus-or-minus.0010.840_{\pm.001}0.840 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.722±.002subscript0.722plus-or-minus.0020.722_{\pm.002}0.722 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.780±.001subscript0.780plus-or-minus.0010.780_{\pm.001}0.780 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.742±.001subscript0.742plus-or-minus.0010.742_{\pm.001}0.742 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
Macro Avg 0.8320.8320.8320.832 0.8180.8180.8180.818 0.8180.8180.8180.818 0.6340.6340.6340.634 0.6170.6170.6170.617 0.6150.6150.6150.615
Table 18: Gender classification metrics for model trained with pairwise CL. After having trained the model with all three modalities, we extract embeddings for each modality separately and train a logistic regression with each modality to identify gender. ±plus-or-minus\pm± represents 95% confidence intervals.
ECG Respiratory BAS
AUROC 0.795±.001subscript0.795plus-or-minus.0010.795_{\pm.001}0.795 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.746±.001subscript0.746plus-or-minus.0010.746_{\pm.001}0.746 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.765±.001subscript0.765plus-or-minus.0010.765_{\pm.001}0.765 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
AUPRC 0.722±.001subscript0.722plus-or-minus.0010.722_{\pm.001}0.722 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.676±.002subscript0.676plus-or-minus.0020.676_{\pm.002}0.676 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.702±.002subscript0.702plus-or-minus.0020.702_{\pm.002}0.702 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Table 19: Sleep Stage Classification stratified by age group.
Macro AUROC Macro AUPRC
Leave-One-Out Pairwise Leave-One-Out Pairwise
0-18 0.8900.8900.8900.890 0.8490.8490.8490.849 0.6650.6650.6650.665 0.5940.5940.5940.594
18-35 0.9110.9110.9110.911 0.8830.8830.8830.883 0.7020.7020.7020.702 0.6240.6240.6240.624
35-50 0.8970.8970.8970.897 0.8670.8670.8670.867 0.6300.6300.6300.630 0.5590.5590.5590.559
50+ 0.8950.8950.8950.895 0.8610.8610.8610.861 0.6160.6160.6160.616 0.5300.5300.5300.530
Table 20: Sleep Stage Classification stratified by gender.
Macro AUROC Macro AUPRC
Leave-One-Out Pairwise Leave-One-Out Pairwise
Male 0.8990.8990.8990.899 0.8690.8690.8690.869 0.6740.6740.6740.674 0.5940.5940.5940.594
Female 0.9100.9100.9100.910 0.8800.8800.8800.880 0.6930.6930.6930.693 0.6210.6210.6210.621
Table 21: SDB classification metrics stratified by age group.
AUROC AUPRC
Leave-One-Out Pairwise Leave-One-Out Pairwise
0-18 0.93±0.01subscript0.93plus-or-minus0.010.93_{\pm 0.01}0.93 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.86±0.03subscript0.86plus-or-minus0.030.86_{\pm 0.03}0.86 start_POSTSUBSCRIPT ± 0.03 end_POSTSUBSCRIPT 0.56±0.04subscript0.56plus-or-minus0.040.56_{\pm 0.04}0.56 start_POSTSUBSCRIPT ± 0.04 end_POSTSUBSCRIPT 0.35±0.04subscript0.35plus-or-minus0.040.35_{\pm 0.04}0.35 start_POSTSUBSCRIPT ± 0.04 end_POSTSUBSCRIPT
18-35 0.94±0.01subscript0.94plus-or-minus0.010.94_{\pm 0.01}0.94 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.90±0.01subscript0.90plus-or-minus0.010.90_{\pm 0.01}0.90 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.69±0.02subscript0.69plus-or-minus0.020.69_{\pm 0.02}0.69 start_POSTSUBSCRIPT ± 0.02 end_POSTSUBSCRIPT 0.61±0.03subscript0.61plus-or-minus0.030.61_{\pm 0.03}0.61 start_POSTSUBSCRIPT ± 0.03 end_POSTSUBSCRIPT
35-50 0.94±0.01subscript0.94plus-or-minus0.010.94_{\pm 0.01}0.94 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.89±0.01subscript0.89plus-or-minus0.010.89_{\pm 0.01}0.89 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.73±0.01subscript0.73plus-or-minus0.010.73_{\pm 0.01}0.73 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.63±0.02subscript0.63plus-or-minus0.020.63_{\pm 0.02}0.63 start_POSTSUBSCRIPT ± 0.02 end_POSTSUBSCRIPT
50+ 0.94±0.01subscript0.94plus-or-minus0.010.94_{\pm 0.01}0.94 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.90±0.01subscript0.90plus-or-minus0.010.90_{\pm 0.01}0.90 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.73±0.01subscript0.73plus-or-minus0.010.73_{\pm 0.01}0.73 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.60±0.01subscript0.60plus-or-minus0.010.60_{\pm 0.01}0.60 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT
Table 22: SDB classification metrics stratified by gender.
AUROC AUPRC
Leave-One-Out Pairwise Leave-One-Out Pairwise
Male 0.94±0.01subscript0.94plus-or-minus0.010.94_{\pm 0.01}0.94 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.90±0.01subscript0.90plus-or-minus0.010.90_{\pm 0.01}0.90 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.73±0.01subscript0.73plus-or-minus0.010.73_{\pm 0.01}0.73 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.61±0.01subscript0.61plus-or-minus0.010.61_{\pm 0.01}0.61 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT
Female 0.95±0.01subscript0.95plus-or-minus0.010.95_{\pm 0.01}0.95 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.91±0.01subscript0.91plus-or-minus0.010.91_{\pm 0.01}0.91 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.70±0.01subscript0.70plus-or-minus0.010.70_{\pm 0.01}0.70 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT 0.59±0.01subscript0.59plus-or-minus0.010.59_{\pm 0.01}0.59 start_POSTSUBSCRIPT ± 0.01 end_POSTSUBSCRIPT
Table 23: Sleep stage classification AUROC metrics for model trained with leave-one-out CL, stratified by different age groups.
0-18 18-35 35-50 50+
Wake 0.937±0.002subscript0.937plus-or-minus0.0020.937_{\pm 0.002}0.937 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.939±0.001subscript0.939plus-or-minus0.0010.939_{\pm 0.001}0.939 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.938±0.001subscript0.938plus-or-minus0.0010.938_{\pm 0.001}0.938 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.944±0.001subscript0.944plus-or-minus0.0010.944_{\pm 0.001}0.944 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT
Stage 1 0.805±0.006subscript0.805plus-or-minus0.0060.805_{\pm 0.006}0.805 start_POSTSUBSCRIPT ± 0.006 end_POSTSUBSCRIPT 0.831±0.003subscript0.831plus-or-minus0.0030.831_{\pm 0.003}0.831 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.808±0.003subscript0.808plus-or-minus0.0030.808_{\pm 0.003}0.808 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.793±0.002subscript0.793plus-or-minus0.0020.793_{\pm 0.002}0.793 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
Stage 2 0.861±0.002subscript0.861plus-or-minus0.0020.861_{\pm 0.002}0.861 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.900±0.001subscript0.900plus-or-minus0.0010.900_{\pm 0.001}0.900 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.888±0.002subscript0.888plus-or-minus0.0020.888_{\pm 0.002}0.888 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.889±0.001subscript0.889plus-or-minus0.0010.889_{\pm 0.001}0.889 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT
Stage 3 0.906±0.001subscript0.906plus-or-minus0.0010.906_{\pm 0.001}0.906 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.932±0.002subscript0.932plus-or-minus0.0020.932_{\pm 0.002}0.932 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.902±0.002subscript0.902plus-or-minus0.0020.902_{\pm 0.002}0.902 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.902±0.002subscript0.902plus-or-minus0.0020.902_{\pm 0.002}0.902 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
REM 0.941±0.002subscript0.941plus-or-minus0.0020.941_{\pm 0.002}0.941 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.956±0.001subscript0.956plus-or-minus0.0010.956_{\pm 0.001}0.956 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.950±0.001subscript0.950plus-or-minus0.0010.950_{\pm 0.001}0.950 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.949±0.001subscript0.949plus-or-minus0.0010.949_{\pm 0.001}0.949 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT
Avg 0.8900.8900.8900.890 0.9110.9110.9110.911 0.8970.8970.8970.897 0.8950.8950.8950.895
Table 24: Sleep stage classification AUPRC metrics for model trained with leave-one-out CL, stratified by different age groups.
0-18 18-35 35-50 50+
Wake 0.809±0.005subscript0.809plus-or-minus0.0050.809_{\pm 0.005}0.809 start_POSTSUBSCRIPT ± 0.005 end_POSTSUBSCRIPT 0.859±0.004subscript0.859plus-or-minus0.0040.859_{\pm 0.004}0.859 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT 0.843±0.003subscript0.843plus-or-minus0.0030.843_{\pm 0.003}0.843 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.872±0.002subscript0.872plus-or-minus0.0020.872_{\pm 0.002}0.872 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
Stage 1 0.163±0.008subscript0.163plus-or-minus0.0080.163_{\pm 0.008}0.163 start_POSTSUBSCRIPT ± 0.008 end_POSTSUBSCRIPT 0.290±0.006subscript0.290plus-or-minus0.0060.290_{\pm 0.006}0.290 start_POSTSUBSCRIPT ± 0.006 end_POSTSUBSCRIPT 0.236±0.005subscript0.236plus-or-minus0.0050.236_{\pm 0.005}0.236 start_POSTSUBSCRIPT ± 0.005 end_POSTSUBSCRIPT 0.235±0.004subscript0.235plus-or-minus0.0040.235_{\pm 0.004}0.235 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT
Stage 2 0.812±0.003subscript0.812plus-or-minus0.0030.812_{\pm 0.003}0.812 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.890±0.002subscript0.890plus-or-minus0.0020.890_{\pm 0.002}0.890 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.879±0.001subscript0.879plus-or-minus0.0010.879_{\pm 0.001}0.879 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.863±0.002subscript0.863plus-or-minus0.0020.863_{\pm 0.002}0.863 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
Stage 3 0.818±0.004subscript0.818plus-or-minus0.0040.818_{\pm 0.004}0.818 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT 0.696±0.004subscript0.696plus-or-minus0.0040.696_{\pm 0.004}0.696 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT 0.406±0.007subscript0.406plus-or-minus0.0070.406_{\pm 0.007}0.406 start_POSTSUBSCRIPT ± 0.007 end_POSTSUBSCRIPT 0.325±0.005subscript0.325plus-or-minus0.0050.325_{\pm 0.005}0.325 start_POSTSUBSCRIPT ± 0.005 end_POSTSUBSCRIPT
REM 0.725±0.007subscript0.725plus-or-minus0.0070.725_{\pm 0.007}0.725 start_POSTSUBSCRIPT ± 0.007 end_POSTSUBSCRIPT 0.775±0.006subscript0.775plus-or-minus0.0060.775_{\pm 0.006}0.775 start_POSTSUBSCRIPT ± 0.006 end_POSTSUBSCRIPT 0.787±0.004subscript0.787plus-or-minus0.0040.787_{\pm 0.004}0.787 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT 0.786±0.004subscript0.786plus-or-minus0.0040.786_{\pm 0.004}0.786 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT
Avg 0.6650.6650.6650.665 0.7020.7020.7020.702 0.6300.6300.6300.630 0.6160.6160.6160.616
Table 25: Sleep stage classification metrics for model trained with leave-one-out CL. The performance is stratified by different gender groups.
AUROC AUPRC
Male Female Male Female
Wake 0.937±0.001subscript0.937plus-or-minus0.0010.937_{\pm 0.001}0.937 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.949±0.001subscript0.949plus-or-minus0.0010.949_{\pm 0.001}0.949 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.844±0.002subscript0.844plus-or-minus0.0020.844_{\pm 0.002}0.844 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.872±0.002subscript0.872plus-or-minus0.0020.872_{\pm 0.002}0.872 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
Stage 1 0.805±0.002subscript0.805plus-or-minus0.0020.805_{\pm 0.002}0.805 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.824±0.002subscript0.824plus-or-minus0.0020.824_{\pm 0.002}0.824 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.251±0.004subscript0.251plus-or-minus0.0040.251_{\pm 0.004}0.251 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT 0.225±0.004subscript0.225plus-or-minus0.0040.225_{\pm 0.004}0.225 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT
Stage 2 0.887±0.001subscript0.887plus-or-minus0.0010.887_{\pm 0.001}0.887 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.890±0.001subscript0.890plus-or-minus0.0010.890_{\pm 0.001}0.890 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.867±0.001subscript0.867plus-or-minus0.0010.867_{\pm 0.001}0.867 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.870±0.001subscript0.870plus-or-minus0.0010.870_{\pm 0.001}0.870 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT
Stage 3 0.919±0.001subscript0.919plus-or-minus0.0010.919_{\pm 0.001}0.919 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.934±0.001subscript0.934plus-or-minus0.0010.934_{\pm 0.001}0.934 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.635±0.005subscript0.635plus-or-minus0.0050.635_{\pm 0.005}0.635 start_POSTSUBSCRIPT ± 0.005 end_POSTSUBSCRIPT 0.729±0.004subscript0.729plus-or-minus0.0040.729_{\pm 0.004}0.729 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT
REM 0.944±0.001subscript0.944plus-or-minus0.0010.944_{\pm 0.001}0.944 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.955±0.001subscript0.955plus-or-minus0.0010.955_{\pm 0.001}0.955 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.771±0.004subscript0.771plus-or-minus0.0040.771_{\pm 0.004}0.771 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT 0.767±0.002subscript0.767plus-or-minus0.0020.767_{\pm 0.002}0.767 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
Avg 0.8990.8990.8990.899 0.9100.9100.9100.910 0.6740.6740.6740.674 0.6930.6930.6930.693
Table 26: Sleep stage classification AUROC metrics for model trained with pairwise CL, stratified by different age groups.
0-18 18-35 35-50 50+
Wake 0.919±0.002subscript0.919plus-or-minus0.0020.919_{\pm 0.002}0.919 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.928±0.002subscript0.928plus-or-minus0.0020.928_{\pm 0.002}0.928 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.926±0.001subscript0.926plus-or-minus0.0010.926_{\pm 0.001}0.926 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.926±0.001subscript0.926plus-or-minus0.0010.926_{\pm 0.001}0.926 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT
Stage 1 0.712±0.009subscript0.712plus-or-minus0.0090.712_{\pm 0.009}0.712 start_POSTSUBSCRIPT ± 0.009 end_POSTSUBSCRIPT 0.804±0.004subscript0.804plus-or-minus0.0040.804_{\pm 0.004}0.804 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT 0.775±0.003subscript0.775plus-or-minus0.0030.775_{\pm 0.003}0.775 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.758±0.003subscript0.758plus-or-minus0.0030.758_{\pm 0.003}0.758 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT
Stage 2 0.827±0.002subscript0.827plus-or-minus0.0020.827_{\pm 0.002}0.827 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.870±0.002subscript0.870plus-or-minus0.0020.870_{\pm 0.002}0.870 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.863±0.002subscript0.863plus-or-minus0.0020.863_{\pm 0.002}0.863 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.861±0.002subscript0.861plus-or-minus0.0020.861_{\pm 0.002}0.861 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
Stage 3 0.891±0.002subscript0.891plus-or-minus0.0020.891_{\pm 0.002}0.891 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.911±0.002subscript0.911plus-or-minus0.0020.911_{\pm 0.002}0.911 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.881±0.003subscript0.881plus-or-minus0.0030.881_{\pm 0.003}0.881 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.891±0.002subscript0.891plus-or-minus0.0020.891_{\pm 0.002}0.891 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
REM 0.894±0.002subscript0.894plus-or-minus0.0020.894_{\pm 0.002}0.894 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.901±0.002subscript0.901plus-or-minus0.0020.901_{\pm 0.002}0.901 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.891±0.002subscript0.891plus-or-minus0.0020.891_{\pm 0.002}0.891 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.868±0.002subscript0.868plus-or-minus0.0020.868_{\pm 0.002}0.868 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
Avg 0.8490.8490.8490.849 0.8830.8830.8830.883 0.8670.8670.8670.867 0.8610.8610.8610.861
Table 27: Sleep stage classification AUPRC metrics for model trained with pairwise CL, stratified by different age groups.
0-18 18-35 35-50 50+
Wake 0.771±0.005subscript0.771plus-or-minus0.0050.771_{\pm 0.005}0.771 start_POSTSUBSCRIPT ± 0.005 end_POSTSUBSCRIPT 0.828±0.003subscript0.828plus-or-minus0.0030.828_{\pm 0.003}0.828 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.813±0.003subscript0.813plus-or-minus0.0030.813_{\pm 0.003}0.813 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.838±0.003subscript0.838plus-or-minus0.0030.838_{\pm 0.003}0.838 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT
Stage 1 0.103±0.006subscript0.103plus-or-minus0.0060.103_{\pm 0.006}0.103 start_POSTSUBSCRIPT ± 0.006 end_POSTSUBSCRIPT 0.218±0.007subscript0.218plus-or-minus0.0070.218_{\pm 0.007}0.218 start_POSTSUBSCRIPT ± 0.007 end_POSTSUBSCRIPT 0.191±0.004subscript0.191plus-or-minus0.0040.191_{\pm 0.004}0.191 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT 0.198±0.004subscript0.198plus-or-minus0.0040.198_{\pm 0.004}0.198 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT
Stage 2 0.780±0.003subscript0.780plus-or-minus0.0030.780_{\pm 0.003}0.780 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.861±0.003subscript0.861plus-or-minus0.0030.861_{\pm 0.003}0.861 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.857±0.002subscript0.857plus-or-minus0.0020.857_{\pm 0.002}0.857 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.833±0.002subscript0.833plus-or-minus0.0020.833_{\pm 0.002}0.833 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
Stage 3 0.775±0.004subscript0.775plus-or-minus0.0040.775_{\pm 0.004}0.775 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT 0.617±0.003subscript0.617plus-or-minus0.0030.617_{\pm 0.003}0.617 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.340±0.009subscript0.340plus-or-minus0.0090.340_{\pm 0.009}0.340 start_POSTSUBSCRIPT ± 0.009 end_POSTSUBSCRIPT 0.267±0.007subscript0.267plus-or-minus0.0070.267_{\pm 0.007}0.267 start_POSTSUBSCRIPT ± 0.007 end_POSTSUBSCRIPT
REM 0.539±0.009subscript0.539plus-or-minus0.0090.539_{\pm 0.009}0.539 start_POSTSUBSCRIPT ± 0.009 end_POSTSUBSCRIPT 0.597±0.006subscript0.597plus-or-minus0.0060.597_{\pm 0.006}0.597 start_POSTSUBSCRIPT ± 0.006 end_POSTSUBSCRIPT 0.591±0.006subscript0.591plus-or-minus0.0060.591_{\pm 0.006}0.591 start_POSTSUBSCRIPT ± 0.006 end_POSTSUBSCRIPT 0.516±0.005subscript0.516plus-or-minus0.0050.516_{\pm 0.005}0.516 start_POSTSUBSCRIPT ± 0.005 end_POSTSUBSCRIPT
Avg 0.5940.5940.5940.594 0.6240.6240.6240.624 0.5590.5590.5590.559 0.5300.5300.5300.530
Table 28: Sleep stage classification metrics for model trained with pairwise CL. The performance is stratified by different gender groups.
AUROC AUPRC
Male Female Male Female
Wake 0.924±0.001subscript0.924plus-or-minus0.0010.924_{\pm 0.001}0.924 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.932±0.001subscript0.932plus-or-minus0.0010.932_{\pm 0.001}0.932 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.813±0.002subscript0.813plus-or-minus0.0020.813_{\pm 0.002}0.813 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.834±0.002subscript0.834plus-or-minus0.0020.834_{\pm 0.002}0.834 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
Stage 1 0.769±0.002subscript0.769plus-or-minus0.0020.769_{\pm 0.002}0.769 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.791±0.002subscript0.791plus-or-minus0.0020.791_{\pm 0.002}0.791 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.194±0.003subscript0.194plus-or-minus0.0030.194_{\pm 0.003}0.194 start_POSTSUBSCRIPT ± 0.003 end_POSTSUBSCRIPT 0.192±0.004subscript0.192plus-or-minus0.0040.192_{\pm 0.004}0.192 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT
Stage 2 0.859±0.001subscript0.859plus-or-minus0.0010.859_{\pm 0.001}0.859 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.861±0.001subscript0.861plus-or-minus0.0010.861_{\pm 0.001}0.861 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.840±0.001subscript0.840plus-or-minus0.0010.840_{\pm 0.001}0.840 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.840±0.002subscript0.840plus-or-minus0.0020.840_{\pm 0.002}0.840 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT
Stage 3 0.910±0.001subscript0.910plus-or-minus0.0010.910_{\pm 0.001}0.910 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.922±0.001subscript0.922plus-or-minus0.0010.922_{\pm 0.001}0.922 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.559±0.002subscript0.559plus-or-minus0.0020.559_{\pm 0.002}0.559 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.687±0.004subscript0.687plus-or-minus0.0040.687_{\pm 0.004}0.687 start_POSTSUBSCRIPT ± 0.004 end_POSTSUBSCRIPT
REM 0.882±0.001subscript0.882plus-or-minus0.0010.882_{\pm 0.001}0.882 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.892±0.001subscript0.892plus-or-minus0.0010.892_{\pm 0.001}0.892 start_POSTSUBSCRIPT ± 0.001 end_POSTSUBSCRIPT 0.561±0.002subscript0.561plus-or-minus0.0020.561_{\pm 0.002}0.561 start_POSTSUBSCRIPT ± 0.002 end_POSTSUBSCRIPT 0.554±0.005subscript0.554plus-or-minus0.0050.554_{\pm 0.005}0.554 start_POSTSUBSCRIPT ± 0.005 end_POSTSUBSCRIPT
Avg 0.8690.8690.8690.869 0.8800.8800.8800.880 0.5940.5940.5940.594 0.6210.6210.6210.621
Table 29: Sleep stage classification metrics for model trained with supervised CNN individually on each modality. ±plus-or-minus\pm± represents 95% confidence intervals.
AUROC AUPRC
ECG Respiratory BAS ECG Respiratory BAS
Wake 0.440±.004subscript0.440plus-or-minus.0040.440_{\pm.004}0.440 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT 0.571±.001subscript0.571plus-or-minus.0010.571_{\pm.001}0.571 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.916±.001subscript0.916plus-or-minus.0010.916_{\pm.001}0.916 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.186±.001subscript0.186plus-or-minus.0010.186_{\pm.001}0.186 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.277±.002subscript0.277plus-or-minus.0020.277_{\pm.002}0.277 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.800±.002subscript0.800plus-or-minus.0020.800_{\pm.002}0.800 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT
Stage 1 0.478±.002subscript0.478plus-or-minus.0020.478_{\pm.002}0.478 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.564±.002subscript0.564plus-or-minus.0020.564_{\pm.002}0.564 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.736±.002subscript0.736plus-or-minus.0020.736_{\pm.002}0.736 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.063±.001subscript0.063plus-or-minus.0010.063_{\pm.001}0.063 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.087±.001subscript0.087plus-or-minus.0010.087_{\pm.001}0.087 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.146±.001subscript0.146plus-or-minus.0010.146_{\pm.001}0.146 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
Stage 2 0.474±.001subscript0.474plus-or-minus.0010.474_{\pm.001}0.474 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.540±.002subscript0.540plus-or-minus.0020.540_{\pm.002}0.540 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.823±.001subscript0.823plus-or-minus.0010.823_{\pm.001}0.823 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.481±.002subscript0.481plus-or-minus.0020.481_{\pm.002}0.481 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.550±.001subscript0.550plus-or-minus.0010.550_{\pm.001}0.550 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.800±.001subscript0.800plus-or-minus.0010.800_{\pm.001}0.800 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT
Stage 3 0.620±.001subscript0.620plus-or-minus.0010.620_{\pm.001}0.620 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.552±.002subscript0.552plus-or-minus.0020.552_{\pm.002}0.552 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.895±.001subscript0.895plus-or-minus.0010.895_{\pm.001}0.895 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.121±.001subscript0.121plus-or-minus.0010.121_{\pm.001}0.121 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.120±.002subscript0.120plus-or-minus.0020.120_{\pm.002}0.120 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.593±.004subscript0.593plus-or-minus.0040.593_{\pm.004}0.593 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT
REM 0.490±.002subscript0.490plus-or-minus.0020.490_{\pm.002}0.490 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.591±.002subscript0.591plus-or-minus.0020.591_{\pm.002}0.591 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.875±.001subscript0.875plus-or-minus.0010.875_{\pm.001}0.875 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.128±.003subscript0.128plus-or-minus.0030.128_{\pm.003}0.128 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.171±.002subscript0.171plus-or-minus.0020.171_{\pm.002}0.171 start_POSTSUBSCRIPT ± .002 end_POSTSUBSCRIPT 0.581±.003subscript0.581plus-or-minus.0030.581_{\pm.003}0.581 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT
Macro Avg 0.5000.5000.5000.500 0.5630.5630.5630.563 0.8500.8500.8500.850 0.1950.1950.1950.195 0.2410.2410.2410.241 0.5840.5840.5840.584
Table 30: SDB classification metrics for model trained with supervised CNN individually on each modality. ±plus-or-minus\pm± represents 95% confidence intervals.
ECG Respiratory BAS
AUROC 0.552±.004subscript0.552plus-or-minus.0040.552_{\pm.004}0.552 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT 0.870±.003subscript0.870plus-or-minus.0030.870_{\pm.003}0.870 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.387±.004subscript0.387plus-or-minus.0040.387_{\pm.004}0.387 start_POSTSUBSCRIPT ± .004 end_POSTSUBSCRIPT
AUPRC 0.019±.001subscript0.019plus-or-minus.0010.019_{\pm.001}0.019 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT 0.553±.003subscript0.553plus-or-minus.0030.553_{\pm.003}0.553 start_POSTSUBSCRIPT ± .003 end_POSTSUBSCRIPT 0.012±.001subscript0.012plus-or-minus.0010.012_{\pm.001}0.012 start_POSTSUBSCRIPT ± .001 end_POSTSUBSCRIPT