tensorflow-lite
There are 1001 repositories under tensorflow-lite topic.
lutzroeder/netron
Visualizer for neural network, deep learning and machine learning models
PINTO0309/PINTO_model_zoo
A repository for storing models that have been inter-converted between various frameworks. Supported frameworks are TensorFlow, PyTorch, ONNX, OpenVINO, TFJS, TFTRT, TensorFlowLite (Float32/16/INT8), EdgeTPU, CoreML.
devzwy/open_nsfw_android
🔥🔥🔥色情图片离线识别,基于TensorFlow实现。识别只需20ms,可断网测试,成功率99%,调用只要一行代码,从雅虎的开源项目open_nsfw移植,该模型文件可用于iOS、java、C++等平台
fangfufu/Linux-Fake-Background-Webcam
Faking your webcam background under GNU/Linux, now supports background blurring, animated background, colour map effect, hologram effect and on-demand processing.
Delta-ML/delta
DELTA is a deep learning based natural language and speech processing platform. LF AI & DATA Projects: https://lfaidata.foundation/projects/delta/
ZhuJHua/moodiary
A fully open source cross-platform diary app written by flutter and rust.
margaretmz/awesome-tensorflow-lite
An awesome list of TensorFlow Lite models, samples, tutorials, tools and learning resources.
tucan9389/awesome-ml-demos-with-ios
The challenge projects for Inferencing machine learning models on iOS
mrousavy/react-native-fast-tflite
🧬 High-performance TensorFlow Lite library for React Native with GPU acceleration
asus4/tf-lite-unity-sample
TensorFlow Lite Samples on Unity
PINTO0309/onnx2tf
Self-Created Tools to convert ONNX files (NCHW) to TensorFlow/TFLite/Keras format (NHWC). The purpose of this tool is to solve the massive Transpose extrapolation problem in onnx-tensorflow (onnx-tf). I don't need a Star, but give me a pull request.
quic/ai-hub-models
The Qualcomm® AI Hub Models are a collection of state-of-the-art machine learning models optimized for performance (latency, memory etc.) and ready to deploy on Qualcomm® devices.
amitshekhariitbhu/Android-TensorFlow-Lite-Example
Android TensorFlow Lite Machine Learning Example
anilsathyan7/Portrait-Segmentation
Real-time portrait segmentation for mobile devices
terryky/tflite_gles_app
GPU accelerated deep learning inference applications for RaspberryPi / JetsonNano / Linux PC using TensorflowLite GPUDelegate / TensorRT
DeutscheKI/tevr-asr-tool
State-of-the-art (ranked #1 Aug 2022) German Speech Recognition in 284 lines of C++. This is a 100% private 100% offline 100% free CLI tool.
huggingface/tflite-android-transformers
DistilBERT / GPT-2 for on-device inference thanks to TensorFlow Lite with Android demo apps
iwatake2222/play_with_tflite
Sample projects for TensorFlow Lite in C++ with delegates such as GPU, EdgeTPU, XNNPACK, NNAPI
magic-blue-smoke/Dual-Edge-TPU-Adapter
Dual Edge TPU Adapter to use it on a system with single PCIe port on m.2 A/B/E/M slot
PINTO0309/openvino2tensorflow
This script converts the ONNX/OpenVINO IR model to Tensorflow's saved_model, tflite, h5, tfjs, tftrt(TensorRT), CoreML, EdgeTPU, ONNX and pb. PyTorch (NCHW) -> ONNX (NCHW) -> OpenVINO (NCHW) -> openvino2tensorflow -> Tensorflow/Keras (NHWC/NCHW) -> TFLite (NHWC/NCHW). And the conversion from .pb to saved_model and from saved_model to .pb and from .pb to .tflite and saved_model to .tflite and saved_model to onnx. 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.
AlexanderLutsenko/nobuco
Pytorch to Keras/Tensorflow/TFLite conversion made intuitive
mattn/go-tflite
Go binding for TensorFlow Lite
quic/ai-hub-apps
The Qualcomm® AI Hub apps are a collection of state-of-the-art machine learning models optimized for performance (latency, memory etc.) and ready to deploy on Qualcomm® devices.
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.
Kazuhito00/NARUTO-HandSignDetection
物体検出を用いてNARUTOの印(子~亥、壬、合掌)を検出するモデルとサンプルプログラムです。このリポジトリでは、YOLOXを使用しています(This is a model and sample program that detects NARUTO's hand sign using object detection. This repository use YOLOX.)
natmlx/natml-unity
High performance, cross-platform machine learning for Unity Engine.
nex3z/tflite-mnist-android
MNIST with TensorFlow Lite on Android
emgucv/emgutf
Emgu TF is a cross platform .Net wrapper for the Google Tensorflow library. Allows Tensorflow functions to be called from .NET compatible languages such as C#, VB, VC++, IronPython.
AI-performance/embedded-ai.bench
benchmark for embededded-ai deep learning inference engines, such as NCNN / TNN / MNN / TensorFlow Lite etc.
anira-project/anira
an architecture for neural network inference in real-time audio applications
hpmicro/hpm_sdk
No PR will be accepted for now, but feel free to submit issue, very appreciated.
jingw222/hiitpi
A workout trainer Dash/Flask app that helps track your HIIT workouts by analyzing real-time video streaming from your sweet Pi using machine learning and Edge TPU..
sayakpaul/Adventures-in-TensorFlow-Lite
This repository contains notebooks that show the usage of TensorFlow Lite for quantizing deep neural networks.
am15h/tflite_flutter_helper
TensorFlow Lite Flutter Helper Library
Rajatkalsotra/Face-Recognition-Flutter
Realtime face recognition with Flutter
tucan9389/tf2-mobile-2d-single-pose-estimation
:dancer: Pose estimation for iOS and android using TensorFlow 2.0