Top 273 rnn open source projects

Dense BiLSTM
Tensorflow Implementation of Densely Connected Bidirectional LSTM with Applications to Sentence Classification
Sequence-Models-coursera
Sequence Models by Andrew Ng on Coursera. Programming Assignments and Quiz Solutions.
PFL-Non-IID
The origin of the Non-IID phenomenon is the personalization of users, who generate the Non-IID data. With Non-IID (Not Independent and Identically Distributed) issues existing in the federated learning setting, a myriad of approaches has been proposed to crack this hard nut. In contrast, the personalized federated learning may take the advantage…
rnn2d
CPU and GPU implementations of some 2D RNN layers
medical-diagnosis-cnn-rnn-rcnn
分别使用rnn/cnn/rcnn来实现根据患者描述,进行疾病诊断
deep-improvisation
Easy-to-use Deep LSTM Neural Network to generate song sounds like containing improvisation.
ScrambleTests
Running compostionality tests on InferSent embedding on SNLI
GAN-RNN Timeseries-imputation
Recurrent GAN for imputation of time series data. Implemented in TensorFlow 2 on Wikipedia Web Traffic Forecast dataset from Kaggle.
NoiseReductionUsingGRU
This is my graduation project in BIT. Title: Noise Reduction Using GRU.
myDL
Deep Learning
CDRP TF
CNN Event Detection & RNN Phase Picking (in Tensorflow)
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.
mango
Question-Answering NLP model with character-level RNN (TensorFlow).
yunyi
2018“云移杯- 景区口碑评价分值预测
theano-recurrence
Recurrent Neural Networks (RNN, GRU, LSTM) and their Bidirectional versions (BiRNN, BiGRU, BiLSTM) for word & character level language modelling in Theano
ECGClassifier
CNN, RNN, and Bayesian NN classification for ECG time-series (using TensorFlow in Swift and Python)
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
DeepLearning-Lab
Code lab for deep learning. Including rnn,seq2seq,word2vec,cross entropy,bidirectional rnn,convolution operation,pooling operation,InceptionV3,transfer learning.
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).
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.
novel writer
Train LSTM to writer novel (HongLouMeng here) in Pytorch.
Customer-Feedback-Analysis
Multi Class Text (Feedback) Classification using CNN, GRU Network and pre trained Word2Vec embedding, word embeddings on TensorFlow.
FARED for Anomaly Detection
Official source code of "Fast Adaptive RNN Encoder-Decoder for Anomaly Detection in SMD Assembly Machine"
sp2cp
Imageboard bot with recurrent neural network (RNN, GRU)
VariationalNeuralAnnealing
A variational implementation of classical and quantum annealing using recurrent neural networks for the purpose of solving optimization problems.
cnn-rnn-classifier
A practical example on how to combine both a CNN and a RNN to classify images.
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.
cnn-rnn-bitcoin
Reusable CNN and RNN model doing time series binary classification
ArrayLSTM
GPU/CPU (CUDA) Implementation of "Recurrent Memory Array Structures", Simple RNN, LSTM, Array LSTM..
stylegan-pokemon
Generating Pokemon cards using a mixture of StyleGAN and RNN to create beautiful & vibrant cards ready for battle!
tensorflow-ml-nlp-tf2
텐서플로2와 머신러닝으로 시작하는 자연어처리 (로지스틱회귀부터 BERT와 GPT3까지) 실습자료
IndRNN pytorch
Independently Recurrent Neural Networks (IndRNN) implemented in pytorch.
tf-ran-cell
Recurrent Additive Networks for Tensorflow
DrowsyDriverDetection
This is a project implementing Computer Vision and Deep Learning concepts to detect drowsiness of a driver and sound an alarm if drowsy.
MachineLearning Exercises Python TensorFlow
Python&機械学習ライブラリ TensorFlow の使い方の練習コード集。特にニューラルネットワークを重点的に取り扱い。
181-240 of 273 rnn projects