Applications
- pytorch
- theano
- tensorflow
- A chatbot implemented in TensorFlow based on the seq2seq model, with certain rules integrated. :star:
- A framework for developing and evaluating reinforcement learning algorithms
- A general-purpose encoder-decoder framework for Tensorflow that can be used for Machine Translation, Text Summarization, Conversational Modeling, Image Captioning, and more.
- A generic image detection program that uses tensorflow and a pre-trained Inception.
- All kinds of text classificaiton models and more with deep learning :star:
- Applying transfer learning to a custom dataset by retraining Inception’s final layer
- An easy implement of VGG19 with tensorflow, which has a detailed explanation.
- An experimentation system for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras. :star:
- An implementation of Pix2Pix in Tensorflow for use with frames from films
- An implementation of skip-thought vectors in Tensorflow
- An open-source convolutional neural networks platform for research in medical image analysis and image-guided therapy
- A Practical Guide for Debugging TensorFlow Codes
- A real-time object recognition application using Google’s TensorFlow Object Detection API and OpenCV.
- A set of Deep Reinforcement Learning Agents implemented in Tensorflow. :star:
- A simple baseline for 3d human pose estimation in tensorflow.
- Aspect Based Sentiment Analysis using End-to-End Memory Networks
- A tensorflow implementation for SqueezeDet, a convolutional neural network for object detection.
- A Tensorflow implementation of CNN-LSTM image caption generator architecture
- A TensorFlow Implementation of DC-TTS: yet another text-to-speech model
- A tensorflow implementation of “Deep Convolutional Generative Adversarial Networks” :star:
- A TensorFlow implementation of Baidu’s DeepSpeech architecture :star:
- A tiny implementation of Deep Q Learning, using TensorFlow and OpenAI gym
- Char-RNN implemented using TensorFlow.
- Chinese Handwriting Recognition with CNNs
- Chinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT
- Collection of generative models in Tensorflow
- Convolutional Neural Network for Multi-label Multi-instance Relation Extraction in Tensorflow
- Deep-Atrous-CNN-Text-Network: End-to-end word level model for sentiment analysis and other text classifications
- DeepColor: Automatic coloring and shading of manga-style lineart
- Deep Learning based Python Library for Stock Market Prediction and Modelling
- Deep LSTM siamese network for text similarity
- Deep neural networks for voice conversion (voice style transfer) in Tensorflow
- Deepnlp:Deep Learning NLP Pipeline implemented on Tensorflow
- Dynamic Memory Network implementation in TensorFlow
- EAST : An Efficient and Accurate Scene Text Detector :star:
- Embedding Watermarks into Deep Neural Networks
- End-to-end Neural Coreference Resolution
- End to End self learning chat Bot implemented using TensorFlow
- Face Rank - Rank Face by CNN Model based on TensorFlow
- Fast Multi(Interpolative) Style Transfer
- Fast PixelCNN++: speedy image generation
- Feature Importance in the Inception (v1) Network
- Fully Convlutional Neural Networks for state-of-the-art time series classification
- Fully differentiable deep-neural decision forest in tensorflow
- GA3C: Reinforcement Learning through Asynchronous Advantage Actor-Critic on a GPU
- Generic U-Net Tensorflow implementation for image segmentation
- Implement SC-LSTM model for text generation in control of words, in Python/TensorFlow
- Implementation of Generative Adversarial Networks, for Audio.
- Implementation of Google’s Tacotron in TensorFlow
- Implementations of deep RL papers and random experimentation :star:
- Implementation of Monte Carlo Word Movers Distance in Python with TensorFlow
- Implementation of Restricted Boltzmann Machine (RBM) and its variants in Tensorflow
- Implementation of SmoothGrad as well as several other saliency techniques
- Implementation of the Differentiable Neural Computer in Tensorflow
- Interactive, node-by-node debugging and visualization for TensorFlow :star:
- LSTM Language Model with Subword Units Input Representations
- Machine Learning on Sequential Data Using a Recurrent Weighted Average
- Matrix factorization using TensorFlow
- Metasploit for machine learning.
- Multilabel time series classification with LSTM
- Named Entity Recognition using multilayered bidirectional LSTM
- Named Entity Recognition using Recurrent Neural Networks in Tensorflow and TFLearn
- NeuroNER: Named-entity recognition using neural networks.
- Neural Relation Extraction implemented with LSTM in TensorFlow
- Object Tracking in Tensorflow ( Localization Detection Classification ) developed to partecipate to ImageNET VID competition :star:
- OCR text recognition using tensorflow with attention :star:
- Open Source Neural Machine Translation in TensorFlow :star:
- Photographic Image Synthesis with Cascaded Refinement Networks
- PixelVAE with or without regularization
- PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation :star:
- Realistic Handwriting with Tensorflow
- Real-time Joint Semantic Reasoning for Autonomous Driving
- RL course experiments
- Raccoon Detector Dataset
- Self-Driving Car Engineer Nanodegree
- Semantic Segmentation Suite in TensorFlow
- Sentiment Analysis with LSTMs in Tensorflow
- Separating singing voice from music based on deep neural net in Tensorflow
- Seq2Seq Chatbot
- Sequence prediction using recurrent neural networks(LSTM) with TensorFlow
- Sequence Semantic Embedding
- Sequence-to-Sequence Grapheme-to-Phoneme toolkit
- Simple embedding based text classifier inspired by fastText, implemented in tensorflow
- Simple Recommender System using Denoising AutoEncoder, implemented using TensorFlow
- Somiao Pinyin: Train your own Chinese Input Method with Seq2seq Model
- Source code and pretrained model for webcam pix2pix
- Speech-to-Text-WaveNet : End-to-end sentence level English speech recognition based on DeepMind’s WaveNet and tensorflow
- SSD in TensorFlow: Traffic Sign Detection and Classification
- SSD: Single Shot MultiBox Detector in TensorFlow :star:
- Teach machine to write all we want :star:
- Tensorflow-based Distributed Factorization Machine :star:
- TensorFlow CNN for fast style transfer :star:
- Tensorflow implementation of Facebook TagSpace
- Tensorflow implementation of attention mechanism for text classification tasks.
- Tensorflow Implementation of Convolutional Neural Network for Relation Extraction
- Tensorflow implementation of DeepFM for CTR prediction.
- Tensorflow implementation of Dynamic Coattention Networks for Question Answering.
- Tensorflow implementation of fast neural style transfer
- Tensorflow implementation of Fully Convolutional Networks for Semantic Segmentation
- TensorFlow implementation of SqueezeDet, trained on the KITTI dataset
- Tensorflow implementation of YOLO : Real-Time Object Detection
- Tensorflow for Time Series Applications
- TensorFlow on iOS demo
- TensorFlow on Spark
- Tensorflow port of Image-to-Image Translation with Conditional Adversarial Nets :star:
- Tensorflow Tutorial files and Implementations of various Deep NLP and CV Models
- TensorForce: A TensorFlow library for applied reinforcement learning
- Training and running an extractive question answering model on the SQuAD dataset :star:
- Tutorials for deep learning
- 使用TensorFlow实现的Sequence to Sequence的聊天机器人模型
- Udacity SDC: Vehicle Detection :star:
- Using neural networks to build an automatic number plate recognition system :star:
- Various models and code for the paraphrase identification task, specifically with the Quora Question Pairs dataset.
- 基于LSTM的中文问答系统
- 中文古诗自动作诗机器人
- Keras
- Mxnet