james4github's Stars
svvema/1-D-CNN-Multilabel-Classification
Signal classification by CNN and Multilabel
mandrakedrink/ECG-Synthesis-and-Classification
1D GAN for ECG Synthesis and 3 models: CNN, LSTM, and Attention mechanism for ECG Classification.
carpedm20/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
Newmu/dcgan_code
Deep Convolutional Generative Adversarial Networks
vdumoulin/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
nicolas-gervais/data-augmentation-with-gan-and-vae
We're generating faces with Pytorch GAN implementations
neerajwagh/eeg-gcnn
Resources for the paper titled "EEG-GCNN: Augmenting Electroencephalogram-based Neurological Disease Diagnosis using a Domain-guided Graph Convolutional Neural Network". Accepted for publication (with an oral spotlight!) at ML4H Workshop, NeurIPS 2020.
dfreer15/DeepEEGDataAugmentation
Code for processing EEG data with Riemannian and deep learning-based classifiers. Additionally provides methods for data augmentation including intentionally imbalancing a dataset, and appending modified data to the training set.
tczhangzhi/PyTorch-GANSER
Official implementation of the paper "GANSER: A Self-supervised Data Augmentation Framework for EEG-based Emotion Recognition"
kumar-shridhar/PyTorch-BayesianCNN
Bayesian Convolutional Neural Network with Variational Inference based on Bayes by Backprop in PyTorch.
SuperBruceJia/EEG-DL
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
ambitious-octopus/MI-EEG-1D-CNN
A new approach based on a 10-layer one-dimensional convolution neural network (1D-CNN) to classify five brain states (four MI classes plus a 'baseline' class) using a data augmentation algorithm and a limited number of EEG channels. Paper: https://doi.org/10.1088/1741-2552/ac4430
rslim087a/PyTorch-for-Deep-Learning-and-Computer-Vision-Course-All-Codes-
PyTorch for Deep Learning and Computer Vision Course
LukeDitria/CNN-VAE
Variational Autoencoder (VAE) with perception loss implementation in pytorch
leoniloris/1D-Convolutional-Variational-Autoencoder
Convolutional Variational Autoencoder for classification and generation of time-series
nikk-nikaznan/SSVEP-Neural-Generative-Models
Code to accompany our International Joint Conference on Neural Networks (IJCNN) paper entitled - Simulating Brain Signals: Creating Synthetic EEG Data via Neural-Based Generative Models for Improved SSVEP Classification
ChristophReich1996/ECG_Classification
Official and maintained implementation of the paper "Exploring Novel Algorithms for Atrial Fibrillation Detection by Driving Graduate Level Education in Medical Machine Learning" (ECG-DualNet) [Physiological Measurement 2022, EMBC 2023].
eeg-augmentation-benchmark/eeg-augmentation-benchmark-2022
Benchmark of data augmentations for EEG (code from Rommel, Paillard, Moreau and Gramfort, "Data augmentation for learning predictive models on EEG: a systematic comparison", 2022).
arkanivasarkar/EEG-Data-Augmentation-using-Variational-Autoencoder
Improving performance of motor imagery classification using variational-autoencoder and synthetic EEG signals
emadeldeen24/AttnSleep
[TNSRE 2021] "An Attention-based Deep Learning Approach for Sleep Stage Classification with Single-Channel EEG"
AITRICS/EEG_real_time_seizure_detection
Real-Time Seizure Detection using EEG: A Comprehensive Comparison of Recent Approaches under a Realistic Setting (CHIL 2022)
rsyamil/timeseries-rnn
Time-series forecasting with 1D Conv model, RNN (LSTM) model and Transformer model. Comparison of long-term and short-term forecasts using synthetic timeseries. Sequence-to-sequence formulation.
hfawaz/dl-4-tsc
Deep Learning for Time Series Classification
animikhaich/ECG-Atrial-Fibrillation-Classification-Using-CNN
This is a CNN based model which aims to automatically classify the ECG signals of a normal patient vs. a patient with AF and has been trained to achieve up to 93.33% validation accuracy.
sagar448/Keras-Convolutional-Neural-Network-Python
A guide to implementing a Convolutional Neural Network for Object Classification using Keras in Python
sharmi1206/covid-19-analysis
Covid-19 India's statewide analysis with census data 2011 and Kaggle data
harryjdavies/Python1D_CNNs
1D convolutional neural networks for activity recognition in python.
JackAndCole/ECG-Classification-Using-CNN-and-CWT
ECG Classification, Continuous Wavelet Transform, CWT, Convolutional Neural Network, CNN, Arrhythmia, Heartbeat classification
smousavi05/Denoising-BTwavelet
This repository contains MATLAB scripts and sample seismic data for appying seismid denoising proposed in: "Hybrid Seismic Denoising Using Higher‐Order Statistics and Improved Wavelet Block Thresholding"
taspinar/siml
Machine Learning algorithms implemented from scratch