Topic: "eager-execution"
jonasrauber/eagerpy
PyTorch, TensorFlow, JAX and NumPy — all of them natively using the same code
Language: Python - Size: 365 KB - Last synced at: 18 days ago - Pushed at: about 2 years ago - Stars: 698 - Forks: 40

titu1994/tfdiffeq
Tensorflow implementation of Ordinary Differential Equation Solvers with full GPU support
Language: Python - Size: 29 MB - Last synced at: 9 days ago - Pushed at: almost 5 years ago - Stars: 218 - Forks: 53

crisbodnar/TensorFlow-NEAT
TensorFlow Eager implementation of NEAT and Adaptive HyperNEAT
Language: Python - Size: 905 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 116 - Forks: 32

Shathe/MNasNet-Keras-Tensorflow
A Tensorflow Keras implementation (Graph and eager execution) of Mnasnet: MnasNet: Platform-Aware Neural Architecture Search for Mobile.
Language: Python - Size: 219 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 99 - Forks: 27

Viredery/tf-eager-fasterrcnn
Faster R-CNN R-101-FPN model was implemented with TensorFlow2.0 eager execution.
Language: Jupyter Notebook - Size: 69.6 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 88 - Forks: 46

hereismari/tensorflow-maml
TensorFlow 2.0 implementation of MAML.
Language: Jupyter Notebook - Size: 2.26 MB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 83 - Forks: 21

DHZS/tf-deformable-conv-layer
TensorFlow implementation of Deformable Convolutional Layer
Language: Python - Size: 25.4 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 78 - Forks: 37

DHZS/tf-dropblock
TensorFlow implementation of DropBlock
Language: Python - Size: 3.91 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 78 - Forks: 18

mhmoodlan/cyclic-learning-rate
Cyclic learning rate TensorFlow implementation.
Language: Python - Size: 39.1 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 65 - Forks: 26

hellocybernetics/TensorFlow2.0_Eager_Execution_Tutorials
Tutorials of TensorFlow eager execution
Language: Jupyter Notebook - Size: 17.5 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 31 - Forks: 13

Shathe/Semantic-Segmentation-Tensorflow-Eager
An example of semantic segmentation using tensorflow in eager execution.
Language: Python - Size: 147 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 25 - Forks: 3

hlamba28/NMT-with-Attention-Mechanism
In this project I implement Neural Machine Translation using Attention mechanism. The code is written using the TensorFlow library in Python. I have used TensorFlow functionalities like tf.data.Dataset to manage the input pipeline, Eager Execution and Model sub classing to create the model architecture.
Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 24 - Forks: 12

Rowing0914/TF_RL
Eagerly Experimentable!!!
Language: Python - Size: 71.6 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 23 - Forks: 3

dusanerdeljan/tensor-math-library
Header only lazy evaluation tensor math library with multi-backend parallel eager execution support (TBB, OpenMP, Parallel STL and in the future CUDA and OpenCL)
Language: C++ - Size: 371 KB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 1

fomorians-oss/pyoneer
Tensor utilities, reinforcement learning, and more!
Language: Python - Size: 512 KB - Last synced at: about 16 hours ago - Pushed at: almost 5 years ago - Stars: 10 - Forks: 2

rayruchira/Neural-Style-Transfer
Implementing Style Transfer in Tensorflow 2.0, using the VGG19 network architecture, which composes the content image in the style of the reference picture, both input by the user.
Language: Jupyter Notebook - Size: 9.06 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 4

jonasrauber/foolbox-native 📦
Foolbox Native brings native performance to Foolbox
Language: Python - Size: 259 KB - Last synced at: 14 days ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 2

krippner/auto-diff
A modular C++17 framework for automatic differentiation
Language: C++ - Size: 153 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 5 - Forks: 0

fomorians/forward-models
A tutorial on forward models for model-based reinforcement learning.
Language: Jupyter Notebook - Size: 1.32 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 0

salty-vanilla/tf-anomaly
Major anomaly detection methods using neural networks are implemented in this repository 🔥
Language: Python - Size: 2.36 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

paklong/Tensorflow-2.0-gradient-descent
3 different ways to implement GD in TF2.0
Language: Python - Size: 35.2 KB - Last synced at: 11 months ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

moon-home/ErrorShaping
A proposal for distribution-based loss function in neural network
Language: Jupyter Notebook - Size: 32.5 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 2

salty-vanilla/tf-gans
Major GANs are implemented in this repository 🔥
Language: Python - Size: 5.08 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

rkshiyaniya/Object-Detection-Using-TensorFlow
This repository contains Various Techniques that can be used for object detection.
Language: Jupyter Notebook - Size: 14 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

rkshiyaniya/Eager-Few-Shot-Object-Detection
This repository contains a notebook for object detection with the help of fine tuning of a (TF2 friendly) RetinaNet architecture on very few examples of a novel class after initializing from a pre-trained COCO checkpoint. Training runs in eager mode.
Language: Jupyter Notebook - Size: 9.53 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

nikhilagrawal2000/Neural-Style-Transfer-with-Eager-Execution
Language: Jupyter Notebook - Size: 1.26 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

mrtoronto/mueller-model
Using an RNN to make predictions about redactions from the Mueller report
Language: Jupyter Notebook - Size: 492 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

singhsidhukuldeep/Tensorflow-Eager-Execution
Eager Execution enables you to run operations immediately
Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 2

agatan/tf-mobilenetv2
MobileNetV2 written in tensorflow, training with eager mode and estimator API
Language: Python - Size: 8.79 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

DHZS/image-style-transfer-tensorflow
Image Style Transfer in TensorFlow
Language: Python - Size: 3.71 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

krippner/auto-diff-python
Lightweight Python package for automatic differentiation
Language: C++ - Size: 26.4 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

paklong/Tensorflow-2.0-Example
Example code for using Tensorflow 2.0 with both numerical and categorical data
Language: Python - Size: 6.84 KB - Last synced at: 11 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

kbmclaren/tensorFlow-CMSC478-ML
Get started with Tensorflow/Keras API.
Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

AIArabicProjects/neural-style-transfer
نقل النمط العصبوني: بناء طريقة للتعلم العميق باستخدام كيراس tf.keras و منفّذ إيجر eager execution
Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

akashbangera758/CRNN_Text_Recognition_Tensorflow
This is a Tensorflow implementation of text recognition model from the paper "An End-to-End Trainable Neural Network for Image-based Sequence Recognition and Its Application to Scene Text Recognition".
Language: Python - Size: 23.4 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

tangtai/2D_ICON_Generation_with_DCGAN_DEMO
meachine learning
Language: Jupyter Notebook - Size: 5.73 MB - Last synced at: 11 months ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

jaydu1/TensorFlow-Tutorial
A tutorial for TnesorFlow 1.11
Language: Jupyter Notebook - Size: 844 KB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0
