All Projects → kylemath → Deepeeg

kylemath / Deepeeg

Licence: mit
Deep Learning with Tensor Flow for EEG MNE Epoch Objects

Projects that are alternatives of or similar to Deepeeg

Neurotech Course
CS198-96: Intro to Neurotechnology @ UC Berkeley
Stars: ✭ 202 (+102%)
Mutual labels:  jupyter-notebook, neuroscience, eeg
Analyzing neural time series
python implementations of Analyzing Neural Time Series Textbook
Stars: ✭ 117 (+17%)
Mutual labels:  jupyter-notebook, neuroscience, eeg
Densedepth
High Quality Monocular Depth Estimation via Transfer Learning
Stars: ✭ 963 (+863%)
Mutual labels:  jupyter-notebook, keras-tensorflow
Pytorch connectomics
PyTorch Connectomics: segmentation toolbox for EM connectomics
Stars: ✭ 46 (-54%)
Mutual labels:  jupyter-notebook, neuroscience
Pneumonia Detection From Chest X Ray Images With Deep Learning
Detecting Pneumonia in Chest X-ray Images using Convolutional Neural Network and Pretrained Models
Stars: ✭ 64 (-36%)
Mutual labels:  jupyter-notebook, keras-tensorflow
Face Mask Detection
Face Mask Detection system based on computer vision and deep learning using OpenCV and Tensorflow/Keras
Stars: ✭ 774 (+674%)
Mutual labels:  jupyter-notebook, keras-tensorflow
Tf Keras Surgeon
Pruning and other network surgery for trained TF.Keras models.
Stars: ✭ 25 (-75%)
Mutual labels:  jupyter-notebook, keras-tensorflow
Rastermap
A multi-dimensional embedding algorithm
Stars: ✭ 58 (-42%)
Mutual labels:  jupyter-notebook, neuroscience
Neurokit.py
A Python Toolbox for Statistics and Neurophysiological Signal Processing (EEG, EDA, ECG, EMG...).
Stars: ✭ 292 (+192%)
Mutual labels:  neuroscience, eeg
Unet Tgs
Applying UNET Model on TGS Salt Identification Challenge hosted on Kaggle
Stars: ✭ 81 (-19%)
Mutual labels:  jupyter-notebook, keras-tensorflow
Tf Serving K8s Tutorial
A Tutorial for Serving Tensorflow Models using Kubernetes
Stars: ✭ 78 (-22%)
Mutual labels:  jupyter-notebook, keras-tensorflow
Openbci Dashboard
A fullstack javascript app for capturing and visualizing OpenBCI EEG data
Stars: ✭ 82 (-18%)
Mutual labels:  neuroscience, eeg
Music recommender
Music recommender using deep learning with Keras and TensorFlow
Stars: ✭ 528 (+428%)
Mutual labels:  jupyter-notebook, keras-tensorflow
Labml
🔎 Monitor deep learning model training and hardware usage from your mobile phone 📱
Stars: ✭ 508 (+408%)
Mutual labels:  jupyter-notebook, keras-tensorflow
Neuromatch Academy
Preparatory Materials, Self-guided Learning, and Project Management for Neuromatch Academy activities
Stars: ✭ 30 (-70%)
Mutual labels:  jupyter-notebook, neuroscience
Fieldtrip
The MATLAB toolbox for MEG, EEG and iEEG analysis
Stars: ✭ 481 (+381%)
Mutual labels:  neuroscience, eeg
Ds and ml projects
Data Science & Machine Learning projects and tutorials in python from beginner to advanced level.
Stars: ✭ 56 (-44%)
Mutual labels:  jupyter-notebook, keras-tensorflow
Text Detection Using Yolo Algorithm In Keras Tensorflow
Implemented the YOLO algorithm for scene text detection in keras-tensorflow (No object detection API used) The code can be tweaked to train for a different object detection task using YOLO.
Stars: ✭ 87 (-13%)
Mutual labels:  jupyter-notebook, keras-tensorflow
Pyriemann
Python package for covariance matrices manipulation and Biosignal classification with application in Brain Computer interface
Stars: ✭ 272 (+172%)
Mutual labels:  neuroscience, eeg
Dinoruntutorial
Accompanying code for Paperspace tutorial "Build an AI to play Dino Run"
Stars: ✭ 285 (+185%)
Mutual labels:  jupyter-notebook, keras-tensorflow

DeepEEG

MNE/Keras/Tensorflow library for classification of EEG data

DeepEEG Image

DeepEEG is a Keras/Tensorflow deep learning library that processes EEG trials or raw files from the MNE toolbox as input and predicts binary trial category as output (could scale to multiclass?).

CAN 2019 Poster presentation on DeepEEG - https://docs.google.com/presentation/d/1hO9wKwBVvfXDtUCz7kVRc0A6BsSwX-oVBsDMgrFwLlg/edit?usp=sharing

Collab notebooks for cloud compution

Colab Notebook Example with simulated data: https://colab.research.google.com/github/kylemath/DeepEEG/blob/master/notebooks/DeepEEG_Sim.ipynb

Colab Notebook Example with data from Brain Vision Recorder in google drive: https://colab.research.google.com/github/kylemath/DeepEEG/blob/master/notebooks/Deep_EEG_BV.ipynb

Colab Notebook Example with muse data from NeurotechX eeg-notebooks: https://colab.research.google.com/github/kylemath/DeepEEG/blob/master/notebooks/Deep_EEG_Muse.ipynb

Getting Started Locally:

DeepEEG is tested on macOS 10.14 with Python3. Prepare your environment the first time:

# using virtualenv
 python3 -m venv deepeeg
 source deepeeg/bin/activate
# using conda
#conda create -n deepeeg python=3
#source activate deepeeg

git clone https://github.com/kylemath/DeepEEG/
cd DeepEEG
./install.sh
git clone https://github.com/kylemath/eeg-notebooks_v0.1

You are now ready to run DeepEEG.

For example, type python and use the following: This loads in some example data from eeg-notebooks

from utils import *
data_dir = 'visual/cueing'
subs = [101,102]
nsesh = 2
event_id = {'LeftCue': 1,'RightCue': 2}

Load muse data, preprocess into trials,prepare for model, create model, and train and test model

#Load Data
raw = LoadMuseData(subs,nsesh,data_dir)
#Pre-Process EEG Data
epochs = PreProcess(raw,event_id)
#Engineer Features for Model
feats = FeatureEngineer(epochs)
#Create Model
model,_ = CreateModel(feats)
#Train with validation, then Test
TrainTestVal(model,feats)

Tests

You can run the unittests with the following command:

python -m unittest tests

Strategy

  • Load in Brain Products or Interaxon Muse files with mne as mne.raw,
  • PreProcess(mne.raw) - normal ERP preprocessing to get trials by time by electrode mne.epochs
  • FeatureEngineer(mne.epochs) - Either time domain or frequency domain feature extraction in DeepEEG.Feats class
  • CreateModel(DeepEEG.Feats) - Customizes DeepEEG.Model for input data, pick from NN, CNN, LSTM, or AutoEncoders, splits data
  • TrainTestVal(DeepEEG.Feats,DeepEEG.Model) - Train the model, validate it during training, and test it once complete, Plot loss during learning and at test

Dataset example

API

Preprocessing

LearningModels

  • First try basic Neural Network (NN)
  • Then try Convolution Neural Net (CNN)
  • New is a 3D convolutional NN (CNN3D) in the frequency domain
  • Then try Long-Short Term Memory Recurrant Neural Net (LSTM)
  • Can also try using (AUTO) or (AUTODeep) to clean eeg data, or create features for other models

DataModels

  • Try subject specific models
  • Then pool data over all subjects
  • Then try multilevel models (in the works)

Benchmarks

Code References

Resources

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].