TensorFlow

Library for machine intelligence.

168 resources12 categoriesView Original

Books(10 items)

B

Building Machine Learning Projects with Tensorflow

– by Rodolfo Bonnin. This book covers various projects in TensorFlow that expose what can be done with TensorFlow in different scenarios. The book provides projects on training models, machine learning, deep learning, and working with various neural networks. Each project is an engaging and insightful exercise that will teach you how to use TensorFlow and show you how layers of data can be explored by working with Tensors.

Books
D

Deep Learning using TensorLayer

by Hao Dong et al. This book covers both deep learning and the implementation by using TensorFlow and TensorLayer.

Books
D

Deep Learning with Python

Develop Deep Learning Models on Theano and TensorFlow Using Keras by Jason Brownlee

Books
F

First Contact with TensorFlow

by Jordi Torres, professor at UPC Barcelona Tech and a research manager and senior advisor at Barcelona Supercomputing Center

Books
G

Getting Started with TensorFlow

Get up and running with the latest numerical computing library by Google and dive deeper into your data, by Giancarlo Zaccone

Books
H

Hands-On Machine Learning with Scikit-Learn and...

– by Aurélien Geron, former lead of the YouTube video classification team. Covers ML fundamentals, training and deploying deep nets across multiple servers and GPUs using TensorFlow, the latest CNN, RNN and Autoencoder architectures, and Reinforcement Learning (Deep Q).

Books
M

Machine Learning with TensorFlow

by Nishant Shukla, computer vision researcher at UCLA and author of Haskell Data Analysis Cookbook. This book makes the math-heavy topic of ML approachable and practicle to a newcomer.

Books
P

Probabilistic Programming and Bayesian Methods ...

by Cameron Davidson-Pilon. Introduction to Bayesian methods and probabilistic graphical models using tensorflow-probability (and, alternatively PyMC2/3).

Books
T

TensorFlow 2.0 in Action

by Thushan Ganegedara. This practical guide to building deep learning models with the new features of TensorFlow 2.0 is filled with engaging projects, simple language, and coverage of the latest algorithms.

Books
T

TensorFlow for Machine Intelligence

Complete guide to use TensorFlow from the basics of graph computing, to deep learning models to using it in production environments - Bleeding Edge Press

Books

Libraries(26 items)

C

caffe-tensorflow

Convert Caffe models to TensorFlow format

Libraries
D

DeepBay

High-Level Keras Complement for implement common architectures stacks, served as easy to use plug-n-play modules

Libraries
G

gluon2keras

Convert Gluon models to Keras (with TensorFlow backend) format

Libraries
K

keras

Minimal, modular deep learning library for TensorFlow and Theano

Libraries
K

keras-js

Run Keras models (tensorflow backend) in the browser, with GPU support

Libraries
L

Lattice

Implementation of Monotonic Calibrated Interpolated Look-Up Tables in TensorFlow

Libraries
N

NNFlow

Simple framework allowing to read-in ROOT NTuples by converting them to a Numpy array and then use them in Google Tensorflow.

Libraries
P

pytorch2keras

Convert PyTorch models to Keras (with TensorFlow backend) format

Libraries
R

R Interface to TensorFlow

R interface to TensorFlow APIs, including Estimators, Keras, Datasets, etc.

Libraries
S

Sonnet

Sonnet is DeepMind's library built on top of TensorFlow for building complex neural networks.

Libraries
S

StellarGraph

Machine Learning on Graphs, a Python library for machine learning on graph-structured (network-structured) data.

Libraries
S

SyntaxNet: Neural Models of Syntax

A TensorFlow implementation of the models described in Globally Normalized Transition-Based Neural Networks, Andor et al. (2016)

Libraries
T

TensorFlow Estimators

high-level TensorFlow API that greatly simplifies machine learning programming (originally tensorflow/skflow)

Libraries
T

Tensorflow-Probability

Probabilistic programming built on TensorFlow that makes it easy to combine probabilistic models and deep learning on modern hardware.

Libraries
T

TensorFlow-Slim

High-level library for defining models

Libraries
T

tensorflow.rb

TensorFlow native interface for ruby using SWIG

Libraries
T

TensorFlowOnSpark

initiative from Yahoo! to enable distributed TensorFlow with Apache Spark.

Libraries
T

TensorForce

TensorForce: A TensorFlow library for applied reinforcement learning

Libraries
T

TensorFrames

TensorFlow binding for Apache Spark

Libraries
T

TensorIO

Lightweight, cross-platform library for deploying TensorFlow Lite models to mobile devices.

Libraries
T

TensorLayer

Deep learning and reinforcement learning library for researchers and engineers

Libraries
T

TensorLayerX

TensorLayerX: A Unified Deep Learning Framework for All Hardwares, Backends and OS, including TensorFlow.

Libraries
T

tensorpack

Neural Network Toolbox on TensorFlow focusing on training speed and on large datasets.

Libraries
T

tf-encrypted

Layer on top of TensorFlow for doing machine learning on encrypted data

Libraries
T

tflearn

Deep learning library featuring a higher-level API

Libraries
T

Txeo

A modern C++ wrapper for TensorFlow.

Libraries

Models/Projects(60 items)

3

3D Convolutional Neural Networks in TensorFlow

Implementation of "3D Convolutional Neural Networks for Speaker Verification application" in TensorFlow by Torfi et al.

Models/Projects
A

A3C

Asynchronous Advantage Actor Critic (A3C) for Continuous Action Space (Bipedal Walker)

Models/Projects
A

AC

Actor Critic for Playing Discrete Action space Game (Cartpole)

Models/Projects
A

AlexNet3D

An implementations of AlexNet3D. Simple AlexNet model but with 3D convolutional layers (conv3d).

Models/Projects
A

Attentive Object Tracking

Implementation of "Hierarchical Attentive Recurrent Tracking"

Models/Projects
C

Character-Aware Neural Language Models

TensorFlow implementation of Character-Aware Neural Language Models

Models/Projects
C

Chatbot

Implementation of "A neural conversational model"

Models/Projects
C

CNN visualization using Tensorflow

Tensorflow implementation of "Visualizing and Understanding Convolutional Networks"

Models/Projects
C

Colornet - Neural Network to colorize grayscale...

Neural Network to colorize grayscale images

Models/Projects
D

DAGAN

Fast Compressed Sensing MRI Reconstruction

Models/Projects
D

DAGGER

For Playing Gym Torcs

Models/Projects
D

DCGAN

Deep Convolutional Generative Adversarial Networks

Models/Projects
D

Deep Q-Network

For Playing Frozen Lake Game

Models/Projects
D

DeepOSM

Train TensorFlow neural nets with OpenStreetMap features and satellite imagery.

Models/Projects
D

Domain Transfer Network

Implementation of Unsupervised Cross-Domain Image Generation

Models/Projects
D

DQN-tensorflow

TensorFlow implementation of DeepMind's 'Human-Level Control through Deep Reinforcement Learning' with OpenAI Gym by Devsisters.com

Models/Projects
D

Dynamic Capacity Networks

Implementation of "Dynamic Capacity Networks"

Models/Projects
E

End-To-End Memory Networks

Implementation of End-To-End Memory Networks

Models/Projects
G

GAN-CLS

Generative Adversarial Text to Image Synthesis

Models/Projects
G

Generative Handwriting Demo using TensorFlow

An attempt to implement the random handwriting generation portion of Alex Graves' paper

Models/Projects
G

GoogleNet Convolutional Neural Network Groups M...

Search, filter, and describe videos based on objects, places, and other things that appear in them

Models/Projects
H

Hierarchical Attention Networks

TensorFlow implementation of "Hierarchical Attention Networks for Document Classification"

Models/Projects
H

Highway Network

TensorFlow implementation of "Training Very Deep Networks" with a blog post

Models/Projects
H

HMM in TensorFlow

Implementation of viterbi and forward/backward algorithms for HMM

Models/Projects
H

Holographic Embeddings for Graph Completion and...

Implementation of Holographic Embeddings of Knowledge Graphs

Models/Projects
I

im2im

Unsupervised Image to Image Translation with Generative Adversarial Networks

Models/Projects
I

Improved CycleGAN

Unpaired Image to Image Translation

Models/Projects
K

Kubeflow

Framework for easily using Tensorflow with Kubernetes.

Models/Projects
L

Ladder Network

Implementation of Ladder Network for Semi-Supervised Learning in Keras and Tensorflow

Models/Projects
L

Lip Reading - Cross Audio-Visual Recognition us...

TensorFlow Implementation of "Cross Audio-Visual Recognition in the Wild Using Deep Learning" by Torfi et al.

Models/Projects
M

Mnemonic Descent Method

Tensorflow implementation of "Mnemonic Descent Method: A recurrent process applied for end-to-end face alignment"

Models/Projects
M

Model Maker

A transfer learning library that simplifies the process of training, evaluation and deployment for TensorFlow Lite models (support: Image Classification, Object Detection, Text Classification, BERT Question Answer, Audio Classification, Recommendation etc.; API reference).

Models/Projects
M

MusicGenreClassification

Classify music genre from a 10 second sound stream using a Neural Network.

Models/Projects
N

Neural Caption Generator

Implementation of "Show and Tell"

Models/Projects
N

Neural Caption Generator with Attention

Implementation of "Show, Attend and Tell"

Models/Projects
N

Neural machine translation between the writings...

This performs a monolingual translation, going from modern English to Shakespeare and vice-versa.

Models/Projects
N

Neural Style

Implementation of Neural Style

Models/Projects
N

Neural Style

An implementation of neural style

Models/Projects
N

Neural Turing Machine in TensorFlow

implementation of Neural Turing Machine

Models/Projects
N

NeuralArt

Implementation of A Neural Algorithm of Artistic Style

Models/Projects
P

Policy Gradient

For Playing Atari Ping Pong

Models/Projects
P

Pretty Tensor

Pretty Tensor provides a high level builder API

Models/Projects
S

Sarus TF2 Models

A long list of recent generative models implemented in clean, easy to reuse, Tensorflow 2 code (Plain Autoencoder, VAE, VQ-VAE, PixelCNN, Gated PixelCNN, PixelCNN++, PixelSNAIL, Conditional Neural Processes).

Models/Projects
S

Sentence Classification with CNN

TensorFlow implementation of "Convolutional Neural Networks for Sentence Classification" with a blog post

Models/Projects
S

Seq2seq-Chatbot

Chatbot in 200 lines of code

Models/Projects
S

Show, Attend and Tell

Attention Based Image Caption Generator

Models/Projects
S

Spatial Transformer Networks

Learn the Transformation Function

Models/Projects
S

SRGAN

Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network

Models/Projects
T

Tensorflow FastText

A simple embedding based text classifier inspired by Facebook's fastText.

Models/Projects
T

TensorFlow White Paper Notes

Annotated notes and summaries of the TensorFlow white paper, along with SVG figures and links to documentation

Models/Projects
T

Tensorflow-Project-Template

A simple and well-designed template for your tensorflow project.

Models/Projects
T

TensorNets

40+ Popular Computer Vision Models With Pre-trained Weights.

Models/Projects
T

TF-Unet

General purpose U-Network implemented in Keras for image segmentation

Models/Projects
T

TRPO

For Continuous and Discrete Action Space by

Models/Projects
U

U-Net

For Brain Tumor Segmentation

Models/Projects
U

Unsupervised Object Counting

Implementation of "Attend, Infer, Repeat"

Models/Projects
V

VGAN Tensorflow

Tensorflow implementation for MIT "Generating Videos with Scene Dynamics" by Vondrick et al.

Models/Projects
W

Wavenet

This is a TensorFlow implementation of the WaveNet generative neural network architecture for audio generation.

Models/Projects
W

Weakly_detector

Implementation of "Learning Deep Features for Discriminative Localization"

Models/Projects
Y

YOLO TensorFlow ++

TensorFlow implementation of 'YOLO: Real-Time Object Detection', with training and an actual support for real-time running on mobile devices.

Models/Projects

Tutorials(19 items)

C

Classification on time series

Recurrent Neural Network classification in TensorFlow with LSTM on cellphone sensor data

Tutorials
C

Convolutional Neural Networks in TensorFlow

Convolutional Neural Networks in Tensorflow, offered by Coursera

Tutorials
C

CS20 SI: TensorFlow for DeepLearning Research

Stanford Course about Tensorflow from 2017 - Syllabus - Unofficial Videos

Tutorials
E

Effective Tensorflow

TensorFlow howtos and best practices. Covers the basics as well as advanced topics.

Tutorials
G

Getting Started with TensorFlow on Android

Build your first TensorFlow Android app

Tutorials
I

Installing TensorFlow on Raspberry Pi 3

TensorFlow compiled and running properly on the Raspberry Pi

Tutorials
I

Introduction to TensorFlow for Artificial Intel...

Introduction to Tensorflow offered by Coursera

Tutorials
P

Predict time series

Learn to use a seq2seq model on simple datasets as an introduction to the vast array of possibilities that this architecture offers

Tutorials
S

Single Image Random Dot Stereograms

SIRDS is a means to present 3D data in a 2D image. It allows for scientific data display of a waterfall type plot with no hidden lines due to perspective.

Tutorials
S

Sungjoon's TensorFlow-101

TensorFlow tutorials written in Python with Jupyter Notebook

Tutorials
T

TensorFlow Examples

TensorFlow tutorials and code examples for beginners

Tutorials
T

TensorFlow Tutorial 1

From the basics to slightly more interesting applications of TensorFlow

Tutorials
T

TensorFlow Tutorial 2

Introduction to deep learning based on Google's TensorFlow framework. These tutorials are direct ports of Newmu's Theano

Tutorials
T

TensorFlow Tutorial 3

These tutorials are intended for beginners in Deep Learning and TensorFlow with well-documented code and YouTube videos.

Tutorials
T

TensorFlow World

Concise and ready-to-use TensorFlow tutorials with detailed documentation are provided.

Tutorials
T

TensorLayer

Modular implementation for TensorFlow's official tutorials. (CN).

Tutorials
T

TensorLayerX

Using TensorFlow like PyTorch. (Api docs)

Tutorials
T

Terry Um’s TensorFlow Exercises

Re-create the codes from other TensorFlow examples

Tutorials
U

Understanding The Tensorflow Estimator API

A conceptual overview of the Estimator API, when you'd use it and why.

Tutorials