All Projects → NoiseReductionUsingGRU → Similar Projects or Alternatives

313 Open source projects that are alternatives of or similar to NoiseReductionUsingGRU

ECGClassifier
CNN, RNN, and Bayesian NN classification for ECG time-series (using TensorFlow in Swift and Python)
Stars: ✭ 53 (+112%)
Mutual labels:  gru, rnn
myDL
Deep Learning
Stars: ✭ 18 (-28%)
Mutual labels:  gru, rnn
Theano Kaldi Rnn
THEANO-KALDI-RNNs is a project implementing various Recurrent Neural Networks (RNNs) for RNN-HMM speech recognition. The Theano Code is coupled with the Kaldi decoder.
Stars: ✭ 31 (+24%)
Mutual labels:  gru, rnn
Rnn ctc
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Stars: ✭ 220 (+780%)
Mutual labels:  gru, rnn
Pytorch Rnn Text Classification
Word Embedding + LSTM + FC
Stars: ✭ 112 (+348%)
Mutual labels:  gru, rnn
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (+708%)
Mutual labels:  gru, rnn
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+13572%)
Mutual labels:  gru, rnn
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+8288%)
Mutual labels:  gru, rnn
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-36%)
Mutual labels:  gru, rnn
Gru Svm
[ICMLC 2018] A Neural Network Architecture Combining Gated Recurrent Unit (GRU) and Support Vector Machine (SVM) for Intrusion Detection
Stars: ✭ 76 (+204%)
Mutual labels:  gru, rnn
Haste
Haste: a fast, simple, and open RNN library
Stars: ✭ 214 (+756%)
Mutual labels:  gru, rnn
rnn-theano
RNN(LSTM, GRU) in Theano with mini-batch training; character-level language models in Theano
Stars: ✭ 68 (+172%)
Mutual labels:  gru, rnn
See Rnn
RNN and general weights, gradients, & activations visualization in Keras & TensorFlow
Stars: ✭ 102 (+308%)
Mutual labels:  gru, rnn
Pytorch-POS-Tagger
Part-of-Speech Tagger and custom implementations of LSTM, GRU and Vanilla RNN
Stars: ✭ 24 (-4%)
Mutual labels:  gru, rnn
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (+92%)
Mutual labels:  gru, rnn
ms-convSTAR
[RSE21] Pytorch code for hierarchical time series classification with multi-stage convolutional RNN
Stars: ✭ 17 (-32%)
Mutual labels:  gru, rnn
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+1368%)
Mutual labels:  gru, rnn
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (+560%)
Mutual labels:  gru, rnn
Rnnoise
Recurrent neural network for audio noise reduction
Stars: ✭ 2,266 (+8964%)
Mutual labels:  rnn, noise-reduction
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (+540%)
Mutual labels:  gru, rnn
Skip Thoughts.torch
Porting of Skip-Thoughts pretrained models from Theano to PyTorch & Torch7
Stars: ✭ 146 (+484%)
Mutual labels:  gru, rnn
STAR Network
[PAMI 2021] Gating Revisited: Deep Multi-layer RNNs That Can Be Trained
Stars: ✭ 16 (-36%)
Mutual labels:  gru, rnn
theano-recurrence
Recurrent Neural Networks (RNN, GRU, LSTM) and their Bidirectional versions (BiRNN, BiGRU, BiLSTM) for word & character level language modelling in Theano
Stars: ✭ 40 (+60%)
Mutual labels:  gru, rnn
Text-Generate-RNN
中国古诗生成(文本生成)
Stars: ✭ 106 (+324%)
Mutual labels:  rnn
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
Stars: ✭ 56 (+124%)
Mutual labels:  rnn
Relation-Classification
Relation Classification - SEMEVAL 2010 task 8 dataset
Stars: ✭ 46 (+84%)
Mutual labels:  gru
solar-forecasting-RNN
Multi-time-horizon solar forecasting using recurrent neural network
Stars: ✭ 29 (+16%)
Mutual labels:  rnn
cnn-rnn-classifier
A practical example on how to combine both a CNN and a RNN to classify images.
Stars: ✭ 47 (+88%)
Mutual labels:  rnn
VariationalNeuralAnnealing
A variational implementation of classical and quantum annealing using recurrent neural networks for the purpose of solving optimization problems.
Stars: ✭ 21 (-16%)
Mutual labels:  rnn
char-VAE
Inspired by the neural style algorithm in the computer vision field, we propose a high-level language model with the aim of adapting the linguistic style.
Stars: ✭ 18 (-28%)
Mutual labels:  rnn
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (-16%)
Mutual labels:  gru
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (+12%)
Mutual labels:  rnn
GRU Android
An RNN (GRU) TensorFlow Android App for word prediction.
Stars: ✭ 15 (-40%)
Mutual labels:  gru
Solar-Rad-Forecasting
In these notebooks the entire research and implementation process carried out for the construction of various machine learning models based on neural networks that are capable of predicting levels of solar radiation is captured given a set of historical data taken by meteorological stations.
Stars: ✭ 24 (-4%)
Mutual labels:  rnn
differential-array
a simple differential array using XMOS 6+1 board
Stars: ✭ 21 (-16%)
Mutual labels:  noise-reduction
DeepLearning-Lab
Code lab for deep learning. Including rnn,seq2seq,word2vec,cross entropy,bidirectional rnn,convolution operation,pooling operation,InceptionV3,transfer learning.
Stars: ✭ 83 (+232%)
Mutual labels:  rnn
Paper-Implementation-DSTP-RNN-For-Stock-Prediction-Based-On-DA-RNN
基於DA-RNN之DSTP-RNN論文試做(Ver1.0)
Stars: ✭ 62 (+148%)
Mutual labels:  rnn
awesome-speech-enhancement
A curated list of awesome Speech Enhancement papers, libraries, datasets, and other resources.
Stars: ✭ 48 (+92%)
Mutual labels:  noise-reduction
chainer-notebooks
Jupyter notebooks for Chainer hands-on
Stars: ✭ 23 (-8%)
Mutual labels:  rnn
Hierarchical-attention-network
My implementation of "Hierarchical Attention Networks for Document Classification" in Keras
Stars: ✭ 26 (+4%)
Mutual labels:  gru
cnn-rnn-bitcoin
Reusable CNN and RNN model doing time series binary classification
Stars: ✭ 28 (+12%)
Mutual labels:  rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (+72%)
Mutual labels:  rnn
Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Stars: ✭ 123 (+392%)
Mutual labels:  rnn
ArrayLSTM
GPU/CPU (CUDA) Implementation of "Recurrent Memory Array Structures", Simple RNN, LSTM, Array LSTM..
Stars: ✭ 21 (-16%)
Mutual labels:  rnn
video title classification
Video short title classification.
Stars: ✭ 12 (-52%)
Mutual labels:  rnn
WebRtc noise suppression
This is WebRtc noise suppression module demo.
Stars: ✭ 70 (+180%)
Mutual labels:  noise-reduction
stylegan-pokemon
Generating Pokemon cards using a mixture of StyleGAN and RNN to create beautiful & vibrant cards ready for battle!
Stars: ✭ 47 (+88%)
Mutual labels:  rnn
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (-4%)
Mutual labels:  rnn
GestureAI
RNN(Recurrent Nerural network) model which recognize hand-gestures drawing 5 figures.
Stars: ✭ 20 (-20%)
Mutual labels:  rnn
Speech-Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 21 (-16%)
Mutual labels:  rnn
LearningMetersPoems
Official repo of the article: Yousef, W. A., Ibrahime, O. M., Madbouly, T. M., & Mahmoud, M. A. (2019), "Learning meters of arabic and english poems with recurrent neural networks: a step forward for language understanding and synthesis", arXiv preprint arXiv:1905.05700
Stars: ✭ 18 (-28%)
Mutual labels:  gru
5baa61e4c9b93f3f0682250b6cf8331b7ee68fd8
RNN-LSTM that learns passwords from a starting list
Stars: ✭ 35 (+40%)
Mutual labels:  rnn
tensorflow-ml-nlp-tf2
텐서플로2와 머신러닝으로 시작하는 자연어처리 (로지스틱회귀부터 BERT와 GPT3까지) 실습자료
Stars: ✭ 245 (+880%)
Mutual labels:  rnn
SpeakerDiarization RNN CNN LSTM
Speaker Diarization is the problem of separating speakers in an audio. There could be any number of speakers and final result should state when speaker starts and ends. In this project, we analyze given audio file with 2 channels and 2 speakers (on separate channels).
Stars: ✭ 56 (+124%)
Mutual labels:  rnn
Handwritten-Text-Recognition
IAM dataset
Stars: ✭ 25 (+0%)
Mutual labels:  rnn
mango
Question-Answering NLP model with character-level RNN (TensorFlow).
Stars: ✭ 15 (-40%)
Mutual labels:  rnn
air writing
Online Hand Writing Recognition using BLSTM
Stars: ✭ 26 (+4%)
Mutual labels:  rnn
IndRNN pytorch
Independently Recurrent Neural Networks (IndRNN) implemented in pytorch.
Stars: ✭ 112 (+348%)
Mutual labels:  rnn
DrowsyDriverDetection
This is a project implementing Computer Vision and Deep Learning concepts to detect drowsiness of a driver and sound an alarm if drowsy.
Stars: ✭ 82 (+228%)
Mutual labels:  rnn
modules
The official repository for our paper "Are Neural Nets Modular? Inspecting Functional Modularity Through Differentiable Weight Masks". We develop a method for analyzing emerging functional modularity in neural networks based on differentiable weight masks and use it to point out important issues in current-day neural networks.
Stars: ✭ 25 (+0%)
Mutual labels:  rnn
1-60 of 313 similar projects