All Projects → huseinzol05 → Deep-Learning-Tensorflow

huseinzol05 / Deep-Learning-Tensorflow

Licence: MIT license
Gathers Tensorflow deep learning models.

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to Deep-Learning-Tensorflow

Mead Baseline
Deep-Learning Model Exploration and Development for NLP
Stars: ✭ 238 (+376%)
Mutual labels:  recurrent-neural-networks, seq2seq
Conversational-AI-Chatbot-using-Practical-Seq2Seq
A simple open domain generative based chatbot based on Recurrent Neural Networks
Stars: ✭ 17 (-66%)
Mutual labels:  recurrent-neural-networks, seq2seq
Deeplearningmugenknock
でぃーぷらーにんぐを無限にやってディープラーニングでDeepLearningするための実装CheatSheet
Stars: ✭ 684 (+1268%)
Mutual labels:  dcgan, seq2seq
ai-visual-storytelling-seq2seq
Implementation of seq2seq model for Visual Storytelling Challenge (VIST) http://visionandlanguage.net/VIST/index.html
Stars: ✭ 50 (+0%)
Mutual labels:  recurrent-neural-networks, seq2seq
Text Classification Models Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
Stars: ✭ 379 (+658%)
Mutual labels:  recurrent-neural-networks, seq2seq
Komputation
Komputation is a neural network framework for the Java Virtual Machine written in Kotlin and CUDA C.
Stars: ✭ 295 (+490%)
Mutual labels:  recurrent-neural-networks, seq2seq
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (+160%)
Mutual labels:  recurrent-neural-networks, seq2seq
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (+234%)
Mutual labels:  recurrent-neural-networks, seq2seq
Seq2Seq-chatbot
TensorFlow Implementation of Twitter Chatbot
Stars: ✭ 18 (-64%)
Mutual labels:  recurrent-neural-networks, seq2seq
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+470%)
Mutual labels:  recurrent-neural-networks
keras-text-to-image
Translate text to image in Keras using GAN and Word2Vec as well as recurrent neural networks
Stars: ✭ 60 (+20%)
Mutual labels:  dcgan
Rotary Encoder Breakout-Illuminated
This is a clever little breakout board for both the RGB and R/G illuminated rotary encoders.
Stars: ✭ 16 (-68%)
Mutual labels:  encoder
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (-58%)
Mutual labels:  recurrent-neural-networks
Alom
Alom PHP Obfuscator / Encoder can protect from your codes
Stars: ✭ 50 (+0%)
Mutual labels:  encoder
fin
finance
Stars: ✭ 38 (-24%)
Mutual labels:  recurrent-neural-networks
stanford-cs231n-assignments-2020
This repository contains my solutions to the assignments for Stanford's CS231n "Convolutional Neural Networks for Visual Recognition" (Spring 2020).
Stars: ✭ 84 (+68%)
Mutual labels:  recurrent-neural-networks
chatbot
一个基于深度学习的中文聊天机器人,这里有详细的教程与代码,每份代码都有详细的注释,作为学习是美好的选择。A Chinese chatbot based on deep learning.
Stars: ✭ 94 (+88%)
Mutual labels:  seq2seq
Reservoir
Code for Reservoir computing (Echo state network)
Stars: ✭ 40 (-20%)
Mutual labels:  recurrent-neural-networks
bruno
a deep recurrent model for exchangeable data
Stars: ✭ 34 (-32%)
Mutual labels:  recurrent-neural-networks
ls-psvr-encoder
A simple command line tool to encode your 180 and 360 videos for sideloading with Littlstar's VR Cinema app for PSVR.
Stars: ✭ 61 (+22%)
Mutual labels:  encoder

Deep-Learning-Tensorflow

Gathers Tensorflow deep learning projects.

Table of contents

Convolutional Neural Network

  1. Scratch Alex-net CIFAR 10
  2. Capsule Network
  3. Encoder-Decoder
  4. Residual Network
  5. Basic Conv on MNIST
  6. Byte-Net Translator
  7. Siamese Network on MNIST
  8. Generalized Hamming Network on MNIST
  9. Binary-net
  10. Kmax Conv1d
  11. Temporal Conv1d
  12. Triplet loss on MNIST
  13. Dense-net
  14. U-net

Feed-forward Neural Network

  1. Batch-normalization
  2. Encoder-Decoder
  3. Word Vector
  4. Dropout Comparison, GIF included
  5. L1, L2, L1-L2 Regularization Comparison, GIF included
  6. Optimizer Comparison (Gradient Descent, Adagrad, RMSProp, Adam), GIF included
  7. Batch-normalization Comparison, GIF included
  8. Self-Normalized without and with API on MNIST
  9. Addsign and Powersign Optimizer
  10. Backprop without Learning Rates Through Coin Betting Optimizer (COCOB)

Recurrent Neural Network

  1. Music Generator
  2. Stock forecasting, GIF included
  3. Text Generator
  4. Signal Classifier
  5. Generator Comparison (LSTM GRU, LSTM Bidirectional, GRU Bidirectional), GIF included
  6. Time-Aware Long-Short Term Memory
  7. Dilated RNN
  8. Layer-Norm LSTM
  9. Neural Turing Machine
  10. Only Attention
  11. Multihead Attention
  12. Fast-slow LSTM
  13. Siamese Network
  14. Nested LSTM
  15. DNC (Differentiable Neural Computer)
  16. Simple Recurrent Unit

Attention API

  1. Bahdanau
  2. Luong
  3. Hierarchical
  4. Additive
  5. Soft
  6. Attention-over-Attention
  7. Bahdanau API
  8. Luong API

Sequence-to-Sequence

  1. Basic Seq-to-Seq
  2. Beam decoder
  3. Chatbot with Attention (old API)
  4. Summarization with Attention (old API)
  5. Luong attention
  6. Bahdanau attention
  7. Bidirectional
  8. Estimator
  9. Altimatum (bidirectional + lstm + luong + beam)

Hybrid Model

  1. CNN + LSTM RNN for OCR
  2. GAN Sentence

Bayesian Hyperparameter Optimization

  1. Conv-CIFAR10
  2. Feedforward-Iris
  3. Recurrent-Sentiment
  4. Conv-Iceberg

Regression

  1. Linear Regression, GIF included
  2. Polynomial Regression, GIF included
  3. Ridge Regression, GIF included
  4. Lasso Regression, GIF included
  5. Elastic-net Regression, GIF included
  6. Sigmoid Regression, GIF included
  7. Quantile Regression

Reinforcement-learning

  1. Policy gradient
  2. Q-learning
  3. Double Q-learning
  4. Recurrent-Q-learning
  5. Double Recurrent-Q-learning
  6. Dueling Q-learning
  7. Dueling Recurrent-Q-learning
  8. Double Dueling Q-learning
  9. Double Dueling Recurrent-Q-learning
  10. Actor-Critic
  11. Actor-Critic Dueling
  12. Actor-Critic Recurrent
  13. Actor-Critic Dueling Recurrent
  14. Async Q-learning

Distributed

  1. TF-Distributed
  2. Sparkflow
  3. Dask Tensorflow

Miscellaneous

  1. RNN-LSTM 20newsgroup Tensorboard histrogram
  2. Tensorboard debugger
  3. Transfer learning emotion dataset on MobilenetV2
  4. Multiprocessing tfrecords
  5. TF-Serving
  6. Renaming checkpoint
  7. Load Tensorflow Slim Checkpoint
  8. Observed how Inception learned

Generative Adversarial Network

  1. DCGAN
  2. DiscoGAN
  3. Basic GAN
  4. WGAN-improve
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].