GitHub topics: tensorflow-2
dragen1860/TensorFlow-2.x-Tutorials
TensorFlow 2.x version's Tutorials and Examples, including CNN, RNN, GAN, Auto-Encoders, FasterRCNN, GPT, BERT examples, etc. TF 2.0版入门实例代码,实战教程。
Language: Jupyter Notebook - Size: 159 MB - Last synced at: 26 days ago - Pushed at: over 4 years ago - Stars: 6,384 - Forks: 2,229

re-search/DocProduct
Medical Q&A with Deep Language Models
Language: Jupyter Notebook - Size: 16.7 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 570 - Forks: 157

soumik12345/Image-Depth-Prediction
Language: Jupyter Notebook - Size: 15 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 14 - Forks: 3

sayakpaul/TF-2.0-Hacks
Contains my explorations of TensorFlow 2.x
Language: Jupyter Notebook - Size: 31 MB - Last synced at: about 3 hours ago - Pushed at: almost 3 years ago - Stars: 381 - Forks: 80

sayakpaul/Adventures-in-TensorFlow-Lite
This repository contains notebooks that show the usage of TensorFlow Lite for quantizing deep neural networks.
Language: Jupyter Notebook - Size: 49.1 MB - Last synced at: about 3 hours ago - Pushed at: over 2 years ago - Stars: 170 - Forks: 35

Amin-Tgz/awesome-tensorflow-2
👉 Tensorflow 2.x resources such as tutorial, blog, code and videos
Size: 385 KB - Last synced at: about 21 hours ago - Pushed at: over 2 years ago - Stars: 523 - Forks: 102

wangg12/IRLS_using_DL_frameworks
IRLS(Iterative re-weighted least square) for Logistic Regression, implemented using tensorflow2.0/pytorch
Language: Python - Size: 645 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 13 - Forks: 6

bryanlimy/tf2-transformer-chatbot
Transformer Chatbot in TensorFlow 2 with TPU support.
Language: Jupyter Notebook - Size: 1.54 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 130 - Forks: 59

kamalkraj/BERT-NER-TF
Named Entity Recognition with BERT using TensorFlow 2.0
Language: Python - Size: 1.16 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 213 - Forks: 71

chagmgang/tf2.0_reinforcement_learning
Basic reinforcement learning implementation with tensorflow version 2.0
Language: Python - Size: 40 KB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 52 - Forks: 12

adriacabeza/Human-Extractor
:bust_in_silhouette: Cutting people out automatically using Image translation's architecture Pix2Pix
Language: Jupyter Notebook - Size: 201 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 35 - Forks: 10

saravanabalagi/pspnet_tf2
PSPNet in Tensorflow 2 with pretrained weights for ADE20k, CityScapes and VOC2012
Language: Python - Size: 9.09 MB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 5 - Forks: 0

acoadmarmon/resnet18-tensorflow
Implementation of ResNet18 using TensorFlow 2.0 Keras API. Currently ResNet 18 is not currently supported in base Tensorflow (see https://www.tensorflow.org/api_docs/python/tf/keras/applications for supported models), so a custom model is necessary to use this architecture.
Language: Python - Size: 8.79 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

Qengineering/TensorFlow-Raspberry-Pi
TensorFlow installation wheels for Raspberry Pi 32-bit OS
Size: 213 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 23 - Forks: 4

tlatkowski/gans-2.0
Generative Adversarial Networks in TensorFlow 2.0
Language: Python - Size: 76.7 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 78 - Forks: 14

wcchu/PairCorrection
Regression on paired data with TensorFlow 2
Language: Python - Size: 52.3 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

MuhammedBuyukkinaci/DeText
A computer vision project (image segmentation project) which aims to remove texts on images using Unet model. Tensorflow 2 is used as a ML library.
Language: Python - Size: 32.4 MB - Last synced at: 20 days ago - Pushed at: about 2 years ago - Stars: 14 - Forks: 3

Vishal-V/StackGAN
TensorFlow implementation of "Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks" by Han Zhang, et al.
Language: Python - Size: 202 KB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 34 - Forks: 9

DhruvSrikanth/NeuralArtisticRecreation-CLI-Tool
A Command Line Tool (or CLI) to perform Neural Style Transfer along with image filtering to produce an artistic recreation of an input image!
Language: Python - Size: 4.28 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

pyradd/installing-tf-2.0-gpu-Anaconda
How to install tensorflow 2.0 gpu in your anaconda environment and run the first script
Size: 12.7 KB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

PacktPublishing/Hands-On-Deep-Learning-Algorithms-with-Python
Hands-On Deep Learning Algorithms with Python, By Packt
Language: Jupyter Notebook - Size: 80.4 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 106 - Forks: 75

1e100/mobilenet_v3
PyTorch and Keras implementations of MobileNet V3
Language: Python - Size: 29.3 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 3

mackenbaron/PFLD-TF2 Fork of notplus/PFLD-TF2
Implementation of PFLD A Practical Facial Landmark Detector by Tensorflow 2. 98points
Size: 2.11 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

rickiepark/python-machine-learning-book-2nd-edition Fork of rasbt/python-machine-learning-book-2nd-edition
<머신러닝 교과서 with 파이썬, 사이킷런, 텐서플로>의 코드 저장소
Language: Jupyter Notebook - Size: 358 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 64 - Forks: 77

Axel-Bravo/19_project_plane_boarding 📦
Plane seat boarding OpenAI Gym environment
Language: Python - Size: 71.3 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 0

danielwatson6/tensorflow-boilerplate
Boilerplate code for experimentation with TensorFlow 2.x
Language: Python - Size: 37.1 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 3

anandhupvr/m2det-tf Fork of cjpurackal/m2det-tf
tensorflow 2.0 implementation of m2det
Language: Python - Size: 59.6 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

jiunkong/Seq2Seq_ChatBot
Seq2Seq ChatBot
Language: Python - Size: 246 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

hummosa/Hypernetworks_Keras_TF2
Guide to implementing hypernetworks in keras using tensorflow 2.0 as backend
Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 0

sghoshjr/Domain-Adversarial-Neural-Network
Implementation of Domain Adversarial Neural Network in Tensorflow
Language: Python - Size: 40 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 14 - Forks: 5

itsayushthada/Probabislitc-Deep-Learning
Exploration of TensorFlow-2 and TensorFlow probability to implement Bayesian Neural Networks, Normalizing flows, real NVPs and Autoencoders. Exploration of Bayesian Modelling and Variational Inference with Pyro.
Language: Jupyter Notebook - Size: 20.3 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 3

Rabbit1010/Clothes-Recognition-and-Retrieval
Clothes recognition and retrieval
Language: Python - Size: 26 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 43 - Forks: 17

the-black-knight-01/TensorFlow-2.0-tutorial
TensorFlow 2.0 tutorial
Language: Jupyter Notebook - Size: 598 KB - Last synced at: 3 months ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

captain-pool/GSOC
Repository for Google Summer of Code 2019 https://summerofcode.withgoogle.com/projects/#4662790671826944
Language: Python - Size: 558 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 67 - Forks: 23

miladfa7/Image-Classification-Transfer-Learning
Building ResNet152 Model for Image Classification with Small Dataset (95% accuracy) | Tensorflow 2.0
Language: Jupyter Notebook - Size: 88.8 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 17 - Forks: 11

yxtay/glove-tensorflow
Implementation of GloVe using TensorFlow estimator API
Language: Python - Size: 368 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 9 - Forks: 5

Rabbit1010/Speech-Bubble-Aware-Automatic-Comic-Colorization
Speech bubble aware automatic comic colorization using CNN
Language: Python - Size: 9.33 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 3

advaitsave/Multiclass-Semantic-Segmentation-CamVid
Tensorflow 2 implementation of complete pipeline for multiclass image semantic segmentation using UNet, SegNet and FCN32 architectures on Cambridge-driving Labeled Video Database (CamVid) dataset.
Language: Jupyter Notebook - Size: 225 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 80 - Forks: 42

Warvito/discovering-hidden-factors-of-variation-in-deep-networks
Tensorflow 2.0 implementation of "Discovering hidden factors of variation in deep networks"
Language: Jupyter Notebook - Size: 732 KB - Last synced at: 3 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 1

captain-pool/ml-template
TensorFlow 2.1 Template for Machine Learning Projects
Language: Python - Size: 11.7 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 0

Develop-Packt/Introduction-to-Temporal-Difference-Learning
This module introduces temporal-difference learning and focuses on how it develops over the ideas of both Monte Carlo methods, and dynamic programming.
Language: Jupyter Notebook - Size: 202 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 1

wcchu/Writer
Use RNN with LSTM to generate new text in TensorFlow 2
Language: Python - Size: 63.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

himanshurawlani/practical_intro_to_tf2
Building an image classifier in TF2
Language: Jupyter Notebook - Size: 43.9 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 55 - Forks: 22

Develop-Packt/Introduction-to-Monte-Carlo-Methods
This course examines the Monte Carlo methods and its types and solves the frozen lake problem with Monte Carlo methods.
Language: Jupyter Notebook - Size: 43 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 1

Develop-Packt/Discussing-Evolutionary-Strategies-for-Reinforcement-Learning
This module discusses the motivation for evolutionary strategies, and breaks down the components of genetic algorithms and how they can be tailored for reinforcement learning.
Language: Jupyter Notebook - Size: 710 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 2

indranaut/3DCNNs
A library of 3DCNN architectures with pre-trained models in TensorFlow 2.0
Language: Python - Size: 36.1 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 2

ivan-ivy/ECBM4040-final-project-WSAE-LSTM
Attempt to replicate the WSAE-LSTM model defined by Bao, Yue, Rao (2017).
Language: Jupyter Notebook - Size: 482 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 2

passing2961/Tensorflow2.0-examples
Deep learning model with Tensorflow 2.0
Language: Python - Size: 276 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 5

kw01sg/neural-style-transfer
Neural Style Transfer in Tensorflow 2.0
Language: Jupyter Notebook - Size: 10.9 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 0

biyoml/TF2-Pretrained-RegNets
RegNet (Designing Network Design Spaces) implementation in TensorFlow-2 with pretrained weights.
Language: Python - Size: 252 KB - Last synced at: 20 days ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

WD-Leong/NLP-Primer
Implementation of Primer: Searching for Efficient Transformers for Language Modeling.
Language: Python - Size: 47.9 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

VictorAtPL/Pascal-VOC12_Class-segmentation_Tensorflow-2.0.0
Convolutional Neural Networks: (1) based on UNet; (2) FCN8 for Image Segmentation of Pascal VOC 2012 dataset written as part of my MSc in Artificial Intelligence degree. Written in Tensorflow 2.0 with Keras Functional API.
Language: Python - Size: 14.6 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

VictorAtPL/Speech_Commands_Recognition_Bi_LSTM_with_Tensorflow_2
Neural Network with Bidirectional Long Short-Term Memory block for Tensorflow Speech Commands dataset written as part of my MSc in Artificial Intelligence degree. Written in Tensorflow 2.0 with Keras Functional API.
Language: Python - Size: 826 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

sourcecode369/TensorFlow-2.0
Implementation (Google Colaboratory) notebooks of AI Applications, Advanced Deep Learning techniques and Effective Guide for TensorFlow 2.0.
Language: Jupyter Notebook - Size: 128 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 2

tamlthari/face-emotion-age-gender-classification
Flask app to detect and classify user's emotion, age, gender using convolutional neural networks
Language: Jupyter Notebook - Size: 5.4 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

tertiarycourses/Tensorflow2Training
Exercise Files for Deep Learning and Machine Leanring with Tensorflow 2.x
Language: Jupyter Notebook - Size: 4.11 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 4

WD-Leong/CV-FCOS
FCOS for object detection.
Language: Python - Size: 9.1 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

varugasu/What-CNN-Sees
What does CNN sees in each layer?
Language: Jupyter Notebook - Size: 3.34 MB - Last synced at: 2 days ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

sidgolangade/Stock-Price-Prediction-Using-LSTM-Project
This Repository contains the Stock Price Prediction using LSTM Project.
Language: Jupyter Notebook - Size: 748 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

purelyvivid/AIA_st2_kaggle_ml4
用Tensorflow2.0進行外匯收盤價預測, 使用LSTM, 1d-CNN, Seq2Seq
Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 2

AmrMKayid/KayPruning
Pruning Neural Networks in Tensorflow 2 ✂️🕸
Language: Jupyter Notebook - Size: 370 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Vishal-V/Mastering-TensorFlow-2.x
Tensorflow models from scratch to help me master the underlying concepts
Language: Jupyter Notebook - Size: 5.07 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 4

tlkh/awesome-tf2-implementations
List of official/unofficial TF2 implementations of models
Size: 3.91 KB - Last synced at: 11 days ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 1

Develop-Packt/Introduction-to-Policy-Based-Methods-for-Reinforcement-Learning
This module looks at policy based methods of reinforcement learning, principally the drawbacks to value based methods like Q learning that motivate the use of policy gradients.
Language: Jupyter Notebook - Size: 2.4 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

Develop-Packt/Practice-Deep-Learning-with-TF2
This module will cover Tensorflow 2 and show how to develop deep learning models and algorithms.
Language: Jupyter Notebook - Size: 27.4 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 1

Develop-Packt/Discussing-Advancements-for-Reinforcement-Learning
This module discusses the current state of reinforcement learning and describes some promising approaches being taken to advance the field.
Language: Jupyter Notebook - Size: 98.8 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

Develop-Packt/Playing-an-Atari-Game-with-Deep-Recurrent-Q-Networks
This module will look at how to build different variants of DRQN including DARQN to solve the problem of Atari game
Language: Jupyter Notebook - Size: 51.8 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

Develop-Packt/Solving-the-Multi-Armed-Bandit-Problem
This module discusses the multi armed bandit problem and various strategies to solve it, introducing the concepts of state-rewards functions in RL and how to solve it using simple strategies
Language: Jupyter Notebook - Size: 1.41 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 1

Develop-Packt/Getting-Started-with-OpenAI-and-TensorFlow-for-RL
The module will cover OpenAI Gym environments, and essential concepts such as rewards, punishment and discounting factors. You will also look at implementing custom environments in Tensorflow 2
Language: Jupyter Notebook - Size: 17.1 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 2

Develop-Packt/Introduction-to-Dynamic-Programming
The module introduces dynamic programming using an example of coin-exchange. Then we go over to how and why it is used in Reinforcement Learning. The module also covers classic dynamic programming algorithms.
Language: Jupyter Notebook - Size: 39.1 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 1

Develop-Packt/Introduction-to-Deep-Q-Learning
The module covers different Q learning algorithms using Open AI and FrozenLake.
Language: Jupyter Notebook - Size: 82 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 1

varugasu/Cats-Or-Dogs
Language: Jupyter Notebook - Size: 69.1 MB - Last synced at: 2 days ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

Apm5/tensorflow_2.0_example
tensorflow 2.0alpha版本。停止更新,更多资料请移步我的另一个项目
Language: Python - Size: 46.9 KB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 4

yw0nam/DenseNet
Language: Jupyter Notebook - Size: 10.7 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

mayank26saxena/visual-question-answering
Visual Question Answering Model using Tensorflow 2.0
Language: Python - Size: 469 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 2

mpavlovic/insincere-questions-classifier
Solution for the Quora Insincere Questions Classification Kaggle competition.
Language: Python - Size: 156 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

SatvikNema/pdcProject
Model training and live twitter analysis. Done for the J-component for CSE4009, Fall-sem 19, Parallel and Distributed computing
Language: Jupyter Notebook - Size: 1.71 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

makaveli10/deep-generative-nets
Language: Jupyter Notebook - Size: 278 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

Warvito/MRAI_workshop_tensorflow Fork of estherpuyol/MRAI_workshop
Tensorflow 2.0/Keras implementation of MR(A)I workshop material
Language: Jupyter Notebook - Size: 79 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

imgomez0127/FFBX-Quest-Queuer
A Convolutional Neural Network which is used to reque the user into the last completed quest and autoplay the quest
Language: Python - Size: 87.9 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

shashankumar2812/ODSC-EAST-2019
The repository contains workshop material learned during the ODSC-EAST-2019 in Boston.
Language: Jupyter Notebook - Size: 15.2 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

dujm/ds_Machine_Learning_Service
Project Page
Language: Makefile - Size: 201 KB - Last synced at: 8 days ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

TTitcombe/tfShell2
A wrapper to take the hassle out of training and deploying Tensorflow 2.0 models
Language: Python - Size: 28.3 KB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0
