tensorflow-models
There are 451 repositories under tensorflow-models topic.
likedan/Awesome-CoreML-Models
Largest list of models for Core ML (for iOS 11+)
ahkarami/Deep-Learning-in-Production
In this repository, I will share some useful notes and references about deploying deep learning-based models in production.
openvinotoolkit/open_model_zoo
Pre-trained Deep Learning models and demos (high quality and extremely fast)
devzwy/open_nsfw_android
🔥🔥🔥色情图片离线识别,基于TensorFlow实现。识别只需20ms,可断网测试,成功率99%,调用只要一行代码,从雅虎的开源项目open_nsfw移植,该模型文件可用于iOS、java、C++等平台
amitshekhariitbhu/AndroidTensorFlowMachineLearningExample
Android TensorFlow MachineLearning Example (Building TensorFlow for Android)
margaretmz/awesome-tensorflow-lite
An awesome list of TensorFlow Lite models, samples, tutorials, tools and learning resources.
gmalivenko/pytorch2keras
PyTorch to Keras model convertor
yell/boltzmann-machines
Boltzmann Machines in TensorFlow with examples
serizba/cppflow
Run TensorFlow models in C++ without installation and without Bazel
tobegit3hub/simple_tensorflow_serving
Generic and easy-to-use serving service for machine learning models
pumpikano/tf-dann
Domain-Adversarial Neural Network in Tensorflow
jonbruner/generative-adversarial-networks
Introduction to generative adversarial networks, with code to accompany the O'Reilly tutorial on GANs
lilianweng/transformer-tensorflow
Implementation of Transformer Model in Tensorflow
amitshekhariitbhu/AndroidTensorFlowMNISTExample
Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)
NVIDIA-AI-IOT/tf_to_trt_image_classification
Image classification with NVIDIA TensorRT from TensorFlow models.
mdietrichstein/tensorflow-open_nsfw
Tensorflow Implementation of Yahoo's Open NSFW Model
microsoft/nn-Meter
A DNN inference latency prediction toolkit for accurately modeling and predicting the latency on diverse edge devices.
yuanxiaosc/Multiple-Relations-Extraction-Only-Look-Once
Multiple-Relations-Extraction-Only-Look-Once. Just look at the sentence once and extract the multiple pairs of entities and their corresponding relations. 端到端联合多关系抽取模型,可用于 http://lic2019.ccf.org.cn/kg 信息抽取。
wagamamaz/tensorlayer-tricks
How to use TensorLayer
BMW-InnovationLab/BMW-TensorFlow-Inference-API-GPU
This is a repository for an object detection inference API using the Tensorflow framework.
SPFlow/SPFlow
Sum Product Flow: An Easy and Extensible Library for Sum-Product Networks
PINTO0309/tflite2tensorflow
Generate saved_model, tfjs, tf-trt, EdgeTPU, CoreML, quantized tflite, ONNX, OpenVINO, Myriad Inference Engine blob and .pb from .tflite. Support for building environments with Docker. It is possible to directly access the host PC GUI and the camera to verify the operation. NVIDIA GPU (dGPU) support. Intel iHD GPU (iGPU) support. Supports inverse quantization of INT8 quantization model.
DongjunLee/text-cnn-tensorflow
Convolutional Neural Networks for Sentence Classification(TextCNN) implements by TensorFlow
jiamings/wgan
Tensorflow Implementation of Wasserstein GAN (and Improved version in wgan_v2)
SuperBruceJia/EEG-Motor-Imagery-Classification-CNNs-TensorFlow
EEG Motor Imagery Tasks Classification (by Channels) via Convolutional Neural Networks (CNNs) based on TensorFlow
rolczynski/Automatic-Speech-Recognition
🎧 Automatic Speech Recognition: DeepSpeech & Seq2Seq (TensorFlow)
stevefielding/tensorflow-anpr
Automatic Number (License) Plate Recognition using Tensorflow Object Detection API
gmalivenko/onnx2keras
Convert ONNX model graph to Keras model format.
sglvladi/TensorFlowObjectDetectionTutorial
A tutorial on object detection using TensorFlow
balavenkatesh3322/audio-pretrained-model
A collection of Audio and Speech pre-trained models.
dkeras-project/dkeras
Distributed Keras Engine, Make Keras faster with only one line of code.
hengluchang/deep-news-summarization
News summarization using sequence to sequence model with attention in TensorFlow.
jiamings/fast-weights
Implementation of the paper [Using Fast Weights to Attend to the Recent Past](https://arxiv.org/abs/1610.06258)
patlevin/face-detection-tflite
Face and iris detection for Python based on MediaPipe
diovisgood/agender
Real-time estimation of gender and age
pythonlessons/TensorFlow-object-detection-tutorial
The purpose of this tutorial is to learn how to install and prepare TensorFlow framework to train your own convolutional neural network object detection classifier for multiple objects, starting from scratch