There are 6 repositories under tensorflow-models topic.
Largest list of models for Core ML (for iOS 11+)
In this repository, I will share some useful notes and references about deploying deep learning-based models in production.
Pre-trained Deep Learning models and demos (high quality and extremely fast)
🔥🔥🔥色情图片离线识别,基于TensorFlow实现。识别只需20ms,可断网测试,成功率99%,调用只要一行代码,从雅虎的开源项目open_nsfw移植,该模型文件可用于iOS、java、C++等平台
Android TensorFlow MachineLearning Example (Building TensorFlow for Android)
An awesome list of TensorFlow Lite models, samples, tutorials, tools and learning resources.
PyTorch to Keras model convertor
Boltzmann Machines in TensorFlow with examples
Generic and easy-to-use serving service for machine learning models
Introduction to generative adversarial networks, with code to accompany the O'Reilly tutorial on GANs
Implementation of Transformer Model in Tensorflow
Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)
Image classification with NVIDIA TensorRT from TensorFlow models.
Tensorflow Implementation of Yahoo's Open NSFW Model
A DNN inference latency prediction toolkit for accurately modeling and predicting the latency on diverse edge devices.
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 信息抽取。
How to use TensorLayer
This is a repository for an object detection inference API using the Tensorflow framework.
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.
Convolutional Neural Networks for Sentence Classification(TextCNN) implements by TensorFlow
EEG Motor Imagery Tasks Classification (by Channels) via Convolutional Neural Networks (CNNs) based on TensorFlow
🎧 Automatic Speech Recognition: DeepSpeech & Seq2Seq (TensorFlow)
Automatic Number (License) Plate Recognition using Tensorflow Object Detection API
Convert ONNX model graph to Keras model format.
A tutorial on object detection using TensorFlow
A collection of Audio and Speech pre-trained models.
Distributed Keras Engine, Make Keras faster with only one line of code.
News summarization using sequence to sequence model with attention in TensorFlow.
Implementation of the paper [Using Fast Weights to Attend to the Recent Past](https://arxiv.org/abs/1610.06258)
Face and iris detection for Python based on MediaPipe
Real-time estimation of gender and age
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