An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: tensorflowlite

salwaElkaddaoui/traffic_sign_seg

Semantic Segmentation of Traffic Signs for Edge Devices

Language: Python - Size: 24.1 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

iwatake2222/pico-work

My playground for Raspberry Pi Pico with C/C++ SDK

Language: Jupyter Notebook - Size: 3.59 MB - Last synced at: 16 days ago - Pushed at: about 4 years ago - Stars: 32 - Forks: 3

PINTO0309/TensorflowLite-bin

Prebuilt binary for TensorFlowLite's standalone installer. For RaspberryPi. A very lightweight installer. I provide a FlexDelegate, MediaPipe Custom OP and XNNPACK enabled binary.

Language: Shell - Size: 178 MB - Last synced at: 16 days ago - Pushed at: about 1 year ago - Stars: 218 - Forks: 35

PINTO0309/Tensorflow-bin

Prebuilt binary with Tensorflow Lite enabled. For RaspberryPi / Jetson Nano. Support for custom operations in MediaPipe. XNNPACK, XNNPACK Multi-Threads, FlexDelegate.

Language: Shell - Size: 14 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 506 - Forks: 113

shaqian/flutter_tflite

Flutter plugin for TensorFlow Lite

Language: Objective-C++ - Size: 63.3 MB - Last synced at: 29 days ago - Pushed at: about 1 year ago - Stars: 636 - Forks: 433

his0si/cnn-quantization-tflite

CNN 모델의 효율적 배포를 위한 양자화 학습 전략 비교 및 TFLite 변환 영향 분석

Language: Python - Size: 836 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

aarontoms/Plant-Disease-Detection-Model

Short guide on how to train model using Python TensorFlow and the training data. Also has code to split, train, test and convert the .h5/.keras to .tflite

Language: Python - Size: 76.3 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

PINTO0309/TPU-MobilenetSSD

Edge TPU Accelerator / Multi-TPU + MobileNet-SSD v2 + Python + Async + LattePandaAlpha/RaspberryPi3/LaptopPC

Language: Python - Size: 50.8 MB - Last synced at: about 2 months ago - Pushed at: almost 6 years ago - Stars: 83 - Forks: 20

sayannath/American-Sign-Language-Detection

American Sign Language Detection is a deep learning end to end project where we can detect American Sign Language.

Language: Jupyter Notebook - Size: 26.7 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 22 - Forks: 4

mcguirepr89/BirdNET-Pi Fork of birdnet-team/BirdNET-Lite

A realtime acoustic bird classification system for the Raspberry Pi 4B, 3B+, and 0W2 built on the TFLite version of BirdNET.

Language: PHP - Size: 250 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 1,374 - Forks: 140

devzwy/open_nsfw_android 📦

🔥🔥🔥色情图片离线识别,基于TensorFlow实现。识别只需20ms,可断网测试,成功率99%,调用只要一行代码,从雅虎的开源项目open_nsfw移植,该模型文件可用于iOS、java、C++等平台

Language: Java - Size: 185 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 1,910 - Forks: 343

Santandersecurityresearch/CurrentSense-TinyML

Spying on Microcontrollers using Current Sensing and embedded TinyML models

Language: C++ - Size: 13.5 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 82 - Forks: 8

MeqdadDev/teachable-machine-lite

A lightweight Python package optimized for integrating exported models from Google's Teachable Machine Platform into robotics and embedded systems environments. This streamlined version of Teachable Machine Package is specifically designed for resource-constrained devices, making it easier to deploy and use your trained models in embedded apps.

Language: Python - Size: 2.66 MB - Last synced at: 30 days ago - Pushed at: 7 months ago - Stars: 9 - Forks: 2

finnickniu/tensorflow_object_detection_tflite

This is a repo for training and implementing the mobilenet-ssd v2 to tflite with c++ on x86 and arm64

Language: C++ - Size: 221 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 48 - Forks: 18

araobp/unity-excavator

Physical simulations on Unity

Language: C# - Size: 1.09 GB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 47 - Forks: 16

headless-start/yolov4-tiny-raspberrypi

This repository contains YOLOv4-Tiny deployment on Raspberry pi.

Size: 3.75 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

masoumezabihi/TensorFlowLite_ObjectDetection

The app utilizes the EfficientDet-Lite model to perform real-time object detection on the camera feed.

Language: Kotlin - Size: 3.82 MB - Last synced at: 17 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

iwatake2222/pico-loud_talking_detector

A tinyML system using a Raspberry Pi Pico and TensorFlow Lite for Microcontrollers to detect loud talking. It can be utilized to encourage people to eat quietly to prevent the spread of the coronavirus and help in the fight against COVID

Language: Jupyter Notebook - Size: 10.5 MB - Last synced at: 16 days ago - Pushed at: about 4 years ago - Stars: 21 - Forks: 0

machinelearningzuu/Student-Concern-Request-management-Heroku-Deployment

The backend of a chatbot system was developed using NLP techniques to help students to present their concerns about university works & get solutions in real time

Language: Python - Size: 126 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

jritsema/opencv-tensorflow-lite-armv7

Base docker image with opencv and tensor flow lite that runs on the arm32v7 architecture.

Language: Dockerfile - Size: 1000 Bytes - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

PINTO0309/TensorflowLite-UNet

Implementation of UNet by Tensorflow Lite. Semantic segmentation without using GPU with RaspberryPi + Python. In order to maximize the learning efficiency of the model, this learns only the "Person" class of VOC2012. And Comparison with ENet.

Language: Python - Size: 153 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 78 - Forks: 22

iwatake2222/bittle_controlled_by_pose

A project to control Petoi Bittle using human pose

Language: C++ - Size: 8.44 MB - Last synced at: 16 days ago - Pushed at: about 4 years ago - Stars: 13 - Forks: 0

UzaifTalpur/Fruits-Detection

Fruits Detection – 🍎🍌 A TensorFlow Lite-powered object detection project that recognizes fruits like apples, bananas, and oranges using reinforcement learning and custom dataset training on Google Colab.

Size: 6.84 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

WesleyCh3n/NTU-IoT-Node

NTU Biophotonics and Bioimaging Lab dairy cow face monitoring project. Tensorflow Lite + OpenCV + Raspicam.

Language: C++ - Size: 47.9 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 0

joonb14/JHFace

Face Recognition training and testing framework with tensorflow 2.0 based on the well implemented arcface-tf2. Changes are added to provide tensorflow lite conversion, and provide additional backbones, loss functions.

Language: Jupyter Notebook - Size: 36.1 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 0

kimmandoo/FaceEmotionRecognition

FaceEmotionRecognition derived by lampadovnikita's archive. An Android application performing recognition of facial emotions on an image.

Language: Kotlin - Size: 4.13 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

supertone-inc/tensorflowlite-build

A build project for TensorFlow Lite

Language: C++ - Size: 18.2 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

alankrantas/MNIST-Live-Detection-TFLite 📦

MNIST Live Detection using OpenCV, Tensorflow Lite and AutoKeras

Language: Python - Size: 7.3 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 2

iglaweb/TFProfiler

Profile your Tensorflow Lite model on-device

Language: Kotlin - Size: 49.4 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 27 - Forks: 7

usausa/Example-Net-Xamarin-TensorFlow 📦

TensorFlow Lite example with Xamarin

Language: C# - Size: 13.4 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

oleksandr-g-rock/Quantization

Quantization (post-training quantization) your (custom mobilenet_v2) models .h5 or .pb models using TensorFlow Lite 2.4

Language: Python - Size: 51.6 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 2

MohamedDiopGit/Hand-Tracking-Python

Personnal project : Hand Tracking with OpenCV and MediaPipe (with Tensorflow LITE) using your webcam

Language: Python - Size: 2.93 KB - Last synced at: 11 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

YasinzHyper/IntelliCam

Intelligent Camera - a Flutter app for real-time object detection and classification

Language: C++ - Size: 2.98 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

omerferhatt/torch2tflite 📦

PyTorch to TensorFlow Lite converter

Language: Python - Size: 12.3 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 180 - Forks: 43

vilassn/whisper_android

Offline Speech Recognition with OpenAI Whisper and TensorFlow Lite for Android

Language: C++ - Size: 187 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 164 - Forks: 22

MariahFerns/Image-Classification-Transfer-Learning

Image classification using CNN and transfer learning from pre-trained models for better performance.

Language: Jupyter Notebook - Size: 18.3 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

Pramit726/MobileNetV2-FoodClassifier1

🥘 MobileNetV2-FoodClassifier achieves 93.14% accuracy in image classification with web-scraped food images, offering deployment guidance for local and TensorFlow Lite conversion for mobile and edge devices.

Language: Jupyter Notebook - Size: 61.5 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

kehuantiantang/AndroidTensorflow

A Test Demo that training model in Keras and convert .h5 to .tflite

Language: Jupyter Notebook - Size: 4.46 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 2

mohamadassaf96/TFLiteAndroid

Object detection and classification on Android using TensorFlow Lite

Language: Java - Size: 85.3 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 4

Kunal-Attri/Fruit-Quality-Detection

Mobile application developed for detecting quality of fruits.

Size: 337 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 8

VQA-Team/Visual-Question-Answering

The project is an Android application aimed to help the visually impaired by giving them the ability to take a picture, ask questions about it and the application will provide them with the answers using machine learning techniques and tools.

Language: Jupyter Notebook - Size: 17 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 4

abhinav-TB/Digit_Recogniser

A mobile app to detect handwritten digits in images and drawings in realtime

Language: Dart - Size: 7.33 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

fwaris/BertQA

https://github.com/fwaris/BertQA.git

Language: F# - Size: 89.5 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 0

rajshukla865/Comment_Analyser_Using_MachineLearning

This is an Android app which uses basic Natural Language Processing and Deep Learning to classify whether your comment is positive or negative.

Language: Java - Size: 2.14 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 1

PINTO0309/mtomo

Multiple types of NN model optimization environments. It is possible to directly access the host PC GUI and the camera to verify the operation. Intel iHD GPU (iGPU) support. NVIDIA GPU (dGPU) support.

Language: Dockerfile - Size: 2.09 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 24 - Forks: 1

SamedHrmn/flutter-works

This repo contains my personal Flutter practices.

Language: Dart - Size: 46.7 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 17 - Forks: 2

champ96k/Face-Mask-Detection-using-TensorFlow-Lite-Image-Classification

Face mask detection system using Tensorflow Lite.

Language: Dart - Size: 5.89 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

atharvakale31/Real-Time_Face_Recognition_Android

Real-Time Face Recognition App using Tensorflow Lite

Language: Java - Size: 9.38 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 133 - Forks: 58

donierz/WhiteLight

Pose Detection mobile application using MoveNet Pose Detection model, running in real-time, leveraging Google Tensor Chips for accurate and fast pose detection.

Language: Kotlin - Size: 4.08 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

unikraft/lib-tflite

Unikraft port of TensorFlow Lite

Language: C++ - Size: 9.77 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 3

Vidi005/Farm-Doctor-V2

Update for Farm Doctor App

Size: 316 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

prakashbalab24/tensorflow-lite-sample

Language: Java - Size: 2.97 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 0

e-petrachi/DeepLearningNotebooks

Alcuni notebook di reti neurali convoluzionali con Tensorflow, Keras e TFlite per la riproduzione di alcuni layers utilizzati in GoogleNet e SqueezeNet rispetto a classificazioni binarie di immagini

Language: Jupyter Notebook - Size: 477 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 2

Abhi03-ag/Image-DeRaining-App

An Android app for DeRaining Images Using pix2pix GAN model architecture

Language: Jupyter Notebook - Size: 8.62 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

VhistaInc/Vhista-Android

Android app that helps blind people identify objects and people around them.

Size: 1000 Bytes - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

nbortolotti/tflitego_examples

tflitego_examples provide examples to use tflitego to use TensorFlow lite in Go. More information about the library: https://github.com/nbortolotti/tflitego

Language: Go - Size: 8.34 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 0

MalakEsmail/AnimalsDetectionApp

Language: Dart - Size: 1.86 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

MohithGowdaHR/EDGE-C-TPH-Anomaly

Edge Computing using TensorFlow Lite

Language: C - Size: 5.44 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

shrutika19/Animal-Classifier

This android app predicts whether it's a cat or a dog.

Language: Java - Size: 8.13 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

MikeAlvarado/Tensorflow_Pikachu

Tensorflow Lite Pikachu Detection

Language: C++ - Size: 119 MB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 1

LiangZai-Embedded/ThermalGesture_ESP32

在ESP32上实现基于红外热成像阵列传感器的手势识别

Language: C - Size: 14.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 36 - Forks: 6

JackonLiu/TensorflowLite_TPU

Compile and run the model for the Edge TPU

Language: Python - Size: 25.2 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

MinSiThu/Podoco

Deep Learning App for Plant Disease Classification

Language: C++ - Size: 42.7 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

satsin06/car-damage-detection

An example project of tensorflow using tflite package in Flutter where you can check whether the car is damaged to not damage using phones camera.

Language: C++ - Size: 2.82 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

jitendrakohar/skin-cancer-detection-system

Skin cancer detection is a project that aims to detect skin cancer through digital image analysis. The system uses machine learning algorithms to analyze images of skin lesions and determine if they are cancerous or not. This project can be helpful for early diagnosis of skin cancer, which can lead to better treatment.

Language: C++ - Size: 261 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

tiwarishubham635/Hand-Gesture-Recognition-using-TinyML

Recognizes Hand Gestures for English Alphabets

Language: Jupyter Notebook - Size: 4.52 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 3

jinay1991/spleeter

Deezer Spleeter Library (C++)

Language: C++ - Size: 769 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 34 - Forks: 11

plug-in-pow/Qpic

It's a fun app for getting quotes based on the object present in the image. It uses mobilenetv1.tflite and yolov2_tiny.tflite model for object detection.

Language: Dart - Size: 65.8 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 1

aufawibowo/ImageClassificationApp Fork of tensorflow/examples

Final project for Computer Vision Course IF4956 at Institut Teknologi Sepuluh Nopember

Language: Java - Size: 119 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

ChristianBrignone/PetDetect

Android App to recognize your pet through AI

Language: Jupyter Notebook - Size: 15.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

sanketnaik99/doctors-prescription

A doctor's prescription system with handwriting recognition.

Language: Dart - Size: 49.6 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 10 - Forks: 4

aqntks/yolov5-ios-tensorflow-lite

[yolov5] + [ios] + [tensorflow lite]

Language: Swift - Size: 16.1 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 16 - Forks: 7

DigicaSolutions/Macaque_Android

Macaque - a new SDK that provides easier and more reliable classification and detection of objects on Mobile devices. Deploying models on iOS or Android have never been easier!

Language: Kotlin - Size: 1.07 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 0

rusito-23/CartoonGan-iOS

Image cartoonization using a pre-trained CartoonGan model with TensorFlow Lite for iOS

Language: Swift - Size: 30.5 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 18 - Forks: 3

arefbhrn/IRDebitCardScanner

Iranian debit card (credit card) real-time scanner using Deep Learning and TensorFlow Lite for Android.

Language: Java - Size: 5.59 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 12 - Forks: 2

PrimeAILab/tflite-the-professional-course

The official repository with the mobile apps developed during the course TensorFlow Lite - The Professional Course.

Size: 34.5 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 2

lampadovnikita/EmotionRecognition 📦

An Android application performing recognition of facial emotions on an image

Language: Java - Size: 98 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 3

Lennart401/LernfabrikArduino 📦

OUTDATED!!! See LernfabrikProject Repository! Arduino code for my Lernfabrik project at Leuphana University.

Language: C++ - Size: 311 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

AnchorageBot/ExplorerBotProjects

Scripts for Explorer Bot Projects

Language: C++ - Size: 24.4 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

tamannanazmin/Mask-Detection-Based-Door-Lock-System-with-Raspberry-Pi-and-Tensorflow-Lite

Language: Python - Size: 138 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Narasimha1997/wavenet-stt

An end-to-end speech recognition system with Wavenet. Built using C++ and python.

Language: Python - Size: 14.6 MB - Last synced at: 23 days ago - Pushed at: almost 5 years ago - Stars: 21 - Forks: 0

dinopriyano/Face-Recognition

Face Recognition with Deep Learning

Language: Kotlin - Size: 5.19 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

bukempas/Uygun-UygunOlmayanParcaAyrimi-

Bilgisayar Görüntüsü (Computer Vision) ve Evrişimsel Sinir Ağları (CNN) kullanarak parça ayrımı yapabilmek. Tensorflo Lite Model ve Nesne Algılama (Object Detection) Modelleri de içermektedir.

Language: Python - Size: 58.6 KB - Last synced at: 8 months ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

simeonbabatunde/embedded-deep-learning-for-autonomous-vehicles

This project focuses on the implementation of optimized Linear and DNN regression models for inter-vehicle distance prediction in a Cooperative Adaptive Cruise Control (CACC) application. It leverages Tensorflow Lite to create optimized models through quantization and pruning for realtime inferencing on Raspberry Pi and On-board Unit (OBU) of Connected Autonomous Vehicles.

Language: Jupyter Notebook - Size: 35.2 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

creatornadiran/what_type_is_your_shark

Shark classification application I made using Tensorflow Lite and Flutter. I developed this app for the SharkHacks3 hackathon. Besides the classification, there are fun fact cards about sharks and developer information.

Language: Dart - Size: 61.9 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

T-Sumida/TfLiteModelMaker-TfjsTaskAPI-Example

This is a series of demolition repositories that use the Tensorflow.js Task API to perform browser-side inference on object detection models created with Tensorflow Lite Model Maker.

Language: Python - Size: 2.75 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

Hcnc100/DogeDexCompose

App to scan dogs, identify using tensorflow-lite and save them in a database.

Language: Kotlin - Size: 3.04 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Vibhu1710/AutoDel

Flutter based Photo Gallery Mobile App offering auto suggestions for deleting non-essential images on the device

Language: Jupyter Notebook - Size: 51.7 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

himanshurawlani/tfLite-Fruits-demo

Language: Java - Size: 599 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 5

lizhangqu/TensorflowLite

Tensorflow Lite Android Library

Language: Java - Size: 5.34 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 41 - Forks: 17

PuzzleLeaf/flutter_popular_wine_classifier

Simple Mobile classification model for popular wine

Language: Dart - Size: 10.5 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 2

shulavkarki/Fire-Detection

End to End application to detect fire and smoke in real time.

Language: Java - Size: 390 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

farazxsiddiqui/VisitEase

Android application that uses face recognition technology to verify visitors/members and also helps keep a track of their activity.

Language: Java - Size: 13.5 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 4

Nanamare/android_pose_estimation_mace

pose estimation for android using mace engine

Language: Java - Size: 6.99 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 7

Ayush1702/AI_Gallery

An Image Classification app built with Tensorflow Lite Model Maker on Flutter SDK

Language: Dart - Size: 11.7 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

tetutaro/yolo_various_framework

run YOLO (object detection model) on various frameworks

Language: Python - Size: 672 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 14 - Forks: 4

tanishq252/Pneumodoc

A system to detect pneumonia using deep learning(separable convolutional layers) and deployed it on app using Tensorflowlite and Flutter

Language: Jupyter Notebook - Size: 2.97 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Mehrankhan-METRA-RGB/AI_Flutter

AI Camera app, which can be able to detect single and multiple objects and detect body posing

Language: Dart - Size: 62.4 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

rafiuddinkhan/Custom-Image-Classification-Android

Custom image classification:- model trained with teachablemachine with google and deployed in android application

Language: Java - Size: 22.5 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 9 - Forks: 8

1saifj/Fall-Detection-System-SisFall-Dataset-Raspberry-Pi

Using MATLAB and Python.

Language: MATLAB - Size: 24.9 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1