A curated list of awesome Tensorflow v2 tutorials, blogs, and projects.
👉 Contents 👈
- What are the advantages of TensorFlow v2 ?
- Official Site
- Tutorials
- SampleCodes/Projects
- Videos
- Blog posts
- Other
- TensorFlow 2 focuses on simplicity and ease of use, with updates like eager execution, intuitive higher-level APIs, and flexible model building on any platform
- There are multiple changes in TensorFlow 2 to make TensorFlow users more productive. TensorFlow 2 removes redundant APIs, makes APIs more consistent (Unified RNNs, Unified Optimizers), and better integrates with the Python runtime with Eager execution.
More info here.
TensorFlow 2.3 is now available! 🎉🎉🎉
For Tensrflow version <1.x> see this awesome collection created by jtoy.
- TensorFlow 2.2
- Install (Needs CUDA 10.1 & cuDNN = 7.6)
- Effective_tf2
- Quick Start
- Upgrade guid
- Road map
- FAQ
- Blog
Tutorials 📕 📘 📗 📓
- TensorFlow Tutorial
- Official tutorial
- Deep Learning with TensorFlow 2 and Keras course
- TensorFlow-2.x-Tutorials
- Tensorflow2_tutorials_chinese
- Tensorflow2.0 tutorial from basic to hard
- TensorFlow2.0_Eager_Execution_Tutorials
- Tensorflow 2.0 and Keras: what's new, what's shared, what's different
- Practical Exercises in Tensorflow 2.0 for Ian Goodfellows Deep Learning Book
- Deep Learning Crash Course-(S9)
Sample Codes / Projects ⛏️📐📁
- Tensorflow-2.0 Quick Start Guide
- Make Money with Tensorflow 2.0
- Practical intro to tf2
- Tensorflow2.0 examples
- Deep Learning with TensorFlow 2.X (& Keras)
- TensorFlow 2 Machine Learning Cookbook, published by Packt
- Hands On Computer Vision with TensorFlow 2
- Implementing-Deep-Learning-Algorithms-with-TensorFlow-2.0(PacktPub)
- Discovering hidden factors of variation in deep networks
- Tutorial to run TensorFlow 2 on mobile devices: Android, iOS and Browser
- Tensorflow2.x Examples from basic to hard
- Deep-Learning-with-TensorFlow-2.0-in-7-Steps-[Packt]
- Getting-Started-with-TensorFlow-2.0-for-Deep-Learning-Video-[Packt]
- TensorFlow 2.0: A Complete Guide on the Brand New TensorFlow - Udemy Course
- Interpretability Methods for tf.keras models with Tensorflow 2.0
- AiSpace: Better practices for deep learning model development and deployment For Tensorflow 2.0
- Multi-Similarity Loss Re-Implementation in Tensorflow 2.x
- Deep Learning with TensorFlow 2 and Keras - 2nd Edition PacktPub
- Graph Neural Networks in TF2 (TensorFlow 2 library implementing Graph Neural Networks by Microsoft)
- 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).
- TensorFlow 2 in Action by Manning - Code Repository - Exercises of all the chapters in TensorFlow 2 in Action by Manning
- Activeloop HUB - The fastest way to store, access & manage datasets with version-control for PyTorch/TensorFlow. Works locally or on any cloud. Scalable data pipelines.
- create-tf-app - Project builder command line tool for Tensorflow covering environment management, linting, and logging.
Reinforcement Learning 🔮
- Play Super Mario Games using Reinforcement Learning with TensorFlow 2.0
- TensorFlow2.0 Reinforcement Learning Library!(TF2RL)
- Scalable and Efficient Deep-RL
- Deep Reinforcement Learning with TensorFlow 2.0
- Implemented Policy Gradient in Tensorflow2.0
- TF2 PPO Atari
GAN 🌄
- Generative models in Tensorflow 2
- CycleGAN-Tensorflow-2
- CartoonGAN
- GANs - Tensorflow 2
- Fast-SRGAN (Single Image Super Resolution GAN)
- Enhanced Super-Resolution Generative Adversarial Networks
NLP 🌈
- Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch
- Tensorflow 2 implementation of Causal-BERT
- Effective NLP in TensorFlow 2
- Effective Approaches to Attention-based Neural Machine Translation
- BERT in TensorFlow 2
- A Keras TensorFlow 2.0 implementation of BERT, ALBERT and adapter-BERT
Object Detection 🔥
- MobileNet_V3
- YOLO v3
- Tensorflow Object Detection with Tensorflow 2.0
- Yolo v4 using TensorFlow 2.x
- YOLO v3 TensorFlow Lite iOS GPU acceleration
- A simple tf.keras implementation of YOLO v4
Other 🚦
- A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet). <==
- fast and scalable design of risk parity portfolios with TensorFlow 2.0
- Tensorflow 2.0 Realtime Multi-Person Pose Estimation
- Train ResNet on ImageNet in Tensorflow 2.0
- CBAM(Convolutional Block Attention Module) implementation on TensowFlow2.0
- ArcFace: Additive Angular Margin Loss for Deep Face Recognition
- Pointnet++ modules implemented as tensorflow 2 keras layers
- Edward2 => A lightweight probabilistic programming language in NumPy or TensorFlow
- Attention OCR in Tensorflow 2.0
- An implementation of HTR(Handwritten Text Recognition) using TensorFlow 2.0
- Some state-of-the-art Few Shot Learning algorithms in Tensorflow 2
- Tensorflow2 question-answering (Kaggle)
- Tensorflow 2.0 example
- Single pose estimation for iOS and android using TensorFlow 2.0
- Speech Recognition
- Music transformer
- Handwritten Text Recognition (HTR) system implemented using TensorFlow 2.0
- Meta learning framework with Tensorflow 2.0
- Simple Template for Tensorflow 2.X
- Shortest_triplet_network_with_TF2.0
- Arbitrary Style Transfer in Real-time
- RetinaFace: Single-stage Dense Face Localisation in the Wild
- PC-DARTS: Partial Channel Connections for Memory-Efficient Differentiable Architecture Search
- An implementation of model-predictive control algorithms using TensorFlow 2
- TensorflowTTS: Real-Time State-of-the-art Speech Synthesis for Tensorflow 2
- Channel
- Coding TensorFlow
- #AskTensorFlow
- TensorFlow Meets
- Machine Learning Foundations
- Powered by TensorFlow
- Natural Language Processing
- Inside TensorFlow
- TensorFlow 2.0 Full Tutorial - Python Neural Networks for Beginners
- Learning TensorFlow 2.0 (Udemy)
- TensorFlow in Practice Specialization
Blog posts 📃
- Tensorflow-2-models-migration-and-new-design
- Standardizing on Keras: Guidance on High-level APIs in TensorFlow 2.0
- Test Drive TensorFlow 2.0 Alpha
- Recap of the 2019 TensorFlow Dev Summit
- Upgrading your code to TensorFlow 2.0
- Effective TensorFlow 2.0: Best Practices and What’s Changed
- What are Symbolic and Imperative APIs in TensorFlow 2.0?
- What’s coming in TensorFlow 2.0
- My Notes on TensorFlow 2.0
- Create The Transformer With Tensorflow 2.0
- Fast-SCNN explained and implemented using Tensorflow 2.0
- Image Classification with high-level API of Tensorflow 2.0
- A Transformer Chatbot Tutorial with TensorFlow 2.0
- Easy Image Classification with TensorFlow 2.0
- Implementing an Autoencoder in TensorFlow 2.0
- How to build a wide-and-deep model using Keras in TensorFlow
- Heart Disease Prediction in TensorFlow 2
- Generating Text with TensorFlow 2.0
- Ten Important Updates from TensorFlow 2.0
- TensorFlow 2.0 Global Docs Sprint Cheatsheet
- Announcing the winners of the #PoweredByTF 2.0 Dev Post Challenge
- Analyzing tf.function to discover AutoGraph strengths and subtleties
- Information Theory with Tensorflow 2.0
- Portable Computer Vision: TensorFlow 2.0 on a Raspberry Pi
- From Tensorflow 1.0 to PyTorch & back to Tensorflow 2.0
- Hugging Face: State-of-the-Art Natural Language Processing in ten lines of TensorFlow 2.0
- TensorFlow 2.0 Alpha : Let seek the New in the Old
- Announcing TensorFlow 2.0 Beta
- TensorFlow 2.0 is now available!
Other 🌱
Python wheels 🐍
- Tensorflow 2.1.0 Linux GPU (Compute 7.0, 7.2, 7.5), Python 3.8, CUDA 10.2, cuDNN 7.6, AVX2, MKL, TensorRT 6
- TensorFlow 2.0.0, Python 3.7, Docker Image, no AVX / Nehalem-CPU-Instructionset | Linux x86_64
- Tensorflow v2.0.0, Python 3.7, CUDA 10.0, cuDNN 7.6.4, without AVX, Windows 10 x64
- TensorFlow 2.0, GPU (Compute Compatible 6.1,7.5) , CUDA 10.1, cuDNN 7.6, AVX, Python 3.6, MKL, XLA, CPU i3-8100, Ubuntu 18.04
Tools 🔧
#PoweredByTF 2.0 Challenge 🔫 💣 🏆
Books 📚
- TensorFlow 2.0 Quick Start Guide
- Hands-on Machine Learning with Scikit-Learn, Keras, and TensorFlow, 2nd Edition
- TensorFlow Machine Learning Cookbook - Second Edition
- Tensorflow 2 in Action
Your contributions are always welcome!
If you want to contribute to this list (please do), send me a pull request Also, if you notice that any of the above listed repositories should be deprecated, due to any of the following reasons:
- Repository's owner explicitly say that "this library is not maintained".
- Not committed for long time (2~3 years).
More info on the guidelines
Licensed under the Creative Commons CC0 License.