All Projects → hccho2 → Tensorflow-RNN-Tutorial

hccho2 / Tensorflow-RNN-Tutorial

Licence: other
Tensorflow RNN Tutorial

Programming Languages

python
139335 projects - #7 most used programming language
Batchfile
5799 projects

Projects that are alternatives of or similar to Tensorflow-RNN-Tutorial

VariationalNeuralAnnealing
A variational implementation of classical and quantum annealing using recurrent neural networks for the purpose of solving optimization problems.
Stars: ✭ 21 (-12.5%)
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 (+4.17%)
Mutual labels:  rnn
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (+16.67%)
Mutual labels:  rnn
solar-forecasting-RNN
Multi-time-horizon solar forecasting using recurrent neural network
Stars: ✭ 29 (+20.83%)
Mutual labels:  rnn
Customer-Feedback-Analysis
Multi Class Text (Feedback) Classification using CNN, GRU Network and pre trained Word2Vec embedding, word embeddings on TensorFlow.
Stars: ✭ 18 (-25%)
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 (+133.33%)
Mutual labels:  rnn
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 (+0%)
Mutual labels:  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 (+66.67%)
Mutual labels:  rnn
novel writer
Train LSTM to writer novel (HongLouMeng here) in Pytorch.
Stars: ✭ 14 (-41.67%)
Mutual labels:  rnn
DeepLearning-Lab
Code lab for deep learning. Including rnn,seq2seq,word2vec,cross entropy,bidirectional rnn,convolution operation,pooling operation,InceptionV3,transfer learning.
Stars: ✭ 83 (+245.83%)
Mutual labels:  rnn
sp2cp
Imageboard bot with recurrent neural network (RNN, GRU)
Stars: ✭ 23 (-4.17%)
Mutual labels:  rnn
FARED for Anomaly Detection
Official source code of "Fast Adaptive RNN Encoder-Decoder for Anomaly Detection in SMD Assembly Machine"
Stars: ✭ 14 (-41.67%)
Mutual labels:  rnn
Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Stars: ✭ 123 (+412.5%)
Mutual labels:  rnn
Text-Generate-RNN
中国古诗生成(文本生成)
Stars: ✭ 106 (+341.67%)
Mutual labels:  rnn
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
Stars: ✭ 56 (+133.33%)
Mutual labels:  rnn
cnn-rnn-classifier
A practical example on how to combine both a CNN and a RNN to classify images.
Stars: ✭ 47 (+95.83%)
Mutual labels:  rnn
air writing
Online Hand Writing Recognition using BLSTM
Stars: ✭ 26 (+8.33%)
Mutual labels:  rnn
yunyi
2018“云移杯- 景区口碑评价分值预测
Stars: ✭ 29 (+20.83%)
Mutual labels:  rnn
ECGClassifier
CNN, RNN, and Bayesian NN classification for ECG time-series (using TensorFlow in Swift and Python)
Stars: ✭ 53 (+120.83%)
Mutual labels:  rnn
chainer-notebooks
Jupyter notebooks for Chainer hands-on
Stars: ✭ 23 (-4.17%)
Mutual labels:  rnn

Tensorflow RNN-tutorial

-1. Tensorflow RNN Basic of Basic

여기서는 Tensorflow에서 RNN 모델에 대한 공부를 시작할 때 배우게 되는 dynamic_rnn에 대해서 알아본다.

  • dynamic_rnn은 Seq2Seq(Encoder-Decoder)모델을 배우기 전에 먼저 알아야 할 기본적인 RNN 모델 API이다.

0. Basic RNN Model

Tensorflow의 다음과 같은 API를 사용하여 기본적인 RNN 모델의 작동 원리를 알 수 있다.

  • dynamic_decode를 사용하여 Tensorflow RNN모델 사용법에 관해 알아본다.
  • BasicRNNCell, BasicLSTMCell, GRUCell
  • TrainingHelper, GreedyEmbeddingHelper
  • BasicDecoder
  • dynamic_decode

1. User Defined RNNWrapper

사용자 정의 RNN Wrapper를 만드는 방법에 대하여 알아본다.

  • RNNCell을 상속받아 사용자 정의 RNN Wrapper class를 정의한다.
  • 여기서 만드는 RNN Wrapper는 BasicRNNCell을 대체할 수 있다.

2. User Defined Helper

주로 사용하는 TrainingHelper, GreedyEmbeddingHelper, SampleEmbeddingHelper를 대신할 수 있는 사용자 정의 Helper를 만들어 보자.

  • Tacotron과 같은 모델에서는 RNN decoder를 구현하려면 사용자 정의 Helper가 반드시 필요하다.

3. User Defined Decoder

BasicDecoder를 대체할 수 있는 사용자 정의 Decoder를 만들어 보자.

4. Attention with Tensorflow

  • Bahdanau Attention, Luong Attention이 Tensorflow내에서 어떻게 작동하는지에 대하여 알아 보자.
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].