All Projects → MousaviSajad → Sleepeegnet

MousaviSajad / Sleepeegnet

SleepEEGNet: Automated Sleep Stage Scoring with Sequence to Sequence Deep Learning Approach

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Sleepeegnet

Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+510.11%)
Mutual labels:  cnn, rnn
Eda nlp
Data augmentation for NLP, presented at EMNLP 2019
Stars: ✭ 902 (+913.48%)
Mutual labels:  cnn, rnn
How To Learn Deep Learning
A top-down, practical guide to learn AI, Deep learning and Machine Learning.
Stars: ✭ 544 (+511.24%)
Mutual labels:  cnn, rnn
Tsai
Time series Timeseries Deep Learning Pytorch fastai - State-of-the-art Deep Learning with Time Series and Sequences in Pytorch / fastai
Stars: ✭ 407 (+357.3%)
Mutual labels:  cnn, rnn
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-61.8%)
Mutual labels:  cnn, rnn
Tensorflow Tutorial
Tensorflow tutorial from basic to hard, 莫烦Python 中文AI教学
Stars: ✭ 4,122 (+4531.46%)
Mutual labels:  cnn, rnn
Tensorflow cookbook
Code for Tensorflow Machine Learning Cookbook
Stars: ✭ 5,984 (+6623.6%)
Mutual labels:  cnn, rnn
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (+277.53%)
Mutual labels:  cnn, rnn
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-65.17%)
Mutual labels:  cnn, rnn
Deepfakes video classification
Deepfakes Video classification via CNN, LSTM, C3D and triplets
Stars: ✭ 24 (-73.03%)
Mutual labels:  cnn, rnn
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+321.35%)
Mutual labels:  cnn, rnn
Nlp overview
Overview of Modern Deep Learning Techniques Applied to Natural Language Processing
Stars: ✭ 1,104 (+1140.45%)
Mutual labels:  cnn, rnn
Fast Pytorch
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
Stars: ✭ 346 (+288.76%)
Mutual labels:  cnn, rnn
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+7521.35%)
Mutual labels:  cnn, rnn
Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+3959.55%)
Mutual labels:  cnn, rnn
Multi Class Text Classification Cnn Rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
Stars: ✭ 570 (+540.45%)
Mutual labels:  cnn, rnn
Mydeeplearning
A deep learning library to provide algs in pure Numpy or Tensorflow.
Stars: ✭ 281 (+215.73%)
Mutual labels:  cnn, rnn
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (+239.33%)
Mutual labels:  cnn, rnn
Deep Music Genre Classification
🎵 Using Deep Learning to Categorize Music as Time Progresses Through Spectrogram Analysis
Stars: ✭ 23 (-74.16%)
Mutual labels:  cnn, rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-44.94%)
Mutual labels:  cnn, rnn

SleepEEGNet: Automated Sleep Stage Scoring with Sequence to Sequence Deep Learning Approach

In this study, we introduced a novel deep learning approach, called SleepEEGNet, for automated sleep stage scoring using a single-channel EEG.

Paper

Our paper can be downloaded from the arxiv website.

  • The Model architecture Alt text

  • The CNN architecture

Alt text

Recruitments

  • Python 2.7
  • tensorflow/tensorflow-gpu
  • numpy
  • scipy
  • matplotlib
  • scikit-learn
  • matplotlib
  • imbalanced-learn(0.4.3)
  • pandas
  • mne

Dataset and Data Preparation

We evaluated our model using the Physionet Sleep-EDF datasets published in 2013 and 2018.
We have used the source code provided by github:akaraspt to prepare the dataset.

  • To download SC subjects from the Sleep_EDF (2013) dataset, use the below script:
cd data_2013
chmod +x download_physionet.sh
./download_physionet.sh
  • To download SC subjects from the Sleep_EDF (2018) dataset, use the below script:
cd data_2018
chmod +x download_physionet.sh
./download_physionet.sh

Use below scripts to extract sleep stages from the specific EEG channels of the Sleep_EDF (2013) dataset:

python prepare_physionet.py --data_dir data_2013 --output_dir data_2013/eeg_fpz_cz --select_ch 'EEG Fpz-Cz'
python prepare_physionet.py --data_dir data_2013 --output_dir data_2013/eeg_pz_oz --select_ch 'EEG Pz-Oz'

Train

  • Modify args settings in seq2seq_sleep_sleep-EDF.py for each dataset.

  • For example, run the below script to train SleepEEGNET model with the 20-fold cross-validation using Fpz-Cz channel of the Sleep_EDF (2013) dataset:

python seq2seq_sleep_sleep-EDF.py --data_dir data_2013/eeg_fpz_cz --output_dir output_2013 --num_folds 20

Results

  • Run the below script to present the achieved results by SleepEEGNet model for Fpz-Cz channel.
python summary.py --data_dir output_2013/eeg_fpz_cz

Alt text

Visualization

  • Run the below script to visualize attention maps of a sequence input (EEG epochs) for Fpz-Cz channel.
python visualize.py --data_dir output_2013/eeg_fpz_cz

Citation

If you find it useful, please cite our paper as follows:

@article{mousavi2019sleepEEGnet,
  title={SleepEEGNet: Automated Sleep Stage Scoring with Sequence to Sequence Deep Learning Approach},
  author={Sajad Mousavi, Fatemeh Afghah and U. Rajendra Acharya},
  journal={arXiv preprint arXiv:1903.02108},
  year={2019}
}

References

github:akaraspt
deepschool.io

Licence

For academtic and non-commercial usage

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].