Topic: "tfjs"
justadudewhohacks/face-api.js
JavaScript API for face detection and face recognition in the browser and nodejs with tensorflow.js
Language: TypeScript - Size: 206 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 17,227 - Forks: 3,815

tensorspace-team/tensorspace
Neural network 3D visualization framework, build interactive and intuitive model in browsers, support pre-trained deep learning models from TensorFlow, Keras, TensorFlow.js
Language: JavaScript - Size: 1.08 GB - Last synced at: about 22 hours ago - Pushed at: over 2 years ago - Stars: 5,134 - Forks: 446

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.
Language: Python - Size: 180 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 3,802 - Forks: 599

vladmandic/human
Human: AI-powered 3D Face Detection & Rotation Tracking, Face Description & Recognition, Body Pose Tracking, 3D Hand & Finger Tracking, Iris Analysis, Age & Gender & Emotion Prediction, Gaze Tracking, Gesture Recognition
Language: HTML - Size: 568 MB - Last synced at: 9 days ago - Pushed at: 5 months ago - Stars: 2,646 - Forks: 351

vladmandic/face-api 📦
FaceAPI: AI-powered Face Detection & Rotation Tracking, Face Description & Recognition, Age & Gender & Emotion Prediction for Browser and NodeJS using TensorFlow/JS
Language: HTML - Size: 73.2 MB - Last synced at: about 20 hours ago - Pushed at: 5 months ago - Stars: 948 - Forks: 172

thekevinscott/UpscalerJS
Enhance Images with Javascript and AI. Increase resolution, retouch, denoise, and more. Open Source, Browser & Node Compatible, MIT License.
Language: TypeScript - Size: 715 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 836 - Forks: 76

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.
Language: Python - Size: 3.98 MB - Last synced at: 14 days ago - Pushed at: about 1 month ago - Stars: 810 - Forks: 77

charliegerard/gaze-detection
👀 Use machine learning in JavaScript to detect eye movements and build gaze-controlled experiences.
Language: JavaScript - Size: 6.32 MB - Last synced at: 5 days ago - Pushed at: about 4 years ago - Stars: 633 - Forks: 45

ModelDepot/tfjs-yolo-tiny
In-Browser Object Detection using Tiny YOLO on Tensorflow.js
Language: JavaScript - Size: 15.4 MB - Last synced at: 18 minutes ago - Pushed at: over 6 years ago - Stars: 534 - Forks: 91

HunterXuan/wx-tfjs-demo
微信小程序运行 TensorFlow 的 Demo
Language: TypeScript - Size: 15.6 MB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 525 - Forks: 100

Volcomix/virtual-background
Demo on adding virtual background to a live video stream in the browser
Language: TypeScript - Size: 77.1 MB - Last synced at: 11 days ago - Pushed at: about 1 year ago - Stars: 510 - Forks: 127

charliegerard/safe-space
Github action that checks the toxicity level of comments and PR reviews to help make repos safe spaces.
Language: JavaScript - Size: 18.4 MB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 474 - Forks: 11

cpury/lookie-lookie
Learning to track eye movement in the browser
Language: JavaScript - Size: 831 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 369 - Forks: 84

charliegerard/whereami.js
Node.js module to predict indoor location using machine learning and WiFi information 📶
Language: JavaScript - Size: 136 KB - Last synced at: 3 days ago - Pushed at: about 4 years ago - Stars: 360 - Forks: 17

munrocket/parallax-effect
💫 Parallax effect in javascript using face tracking. An immersive view in 3d with webcam.
Language: JavaScript - Size: 15.1 MB - Last synced at: about 4 hours ago - Pushed at: almost 3 years ago - Stars: 359 - Forks: 16

Rishit-dagli/MIRNet-TFJS
TensorFlow JS models for MIRNet for low-light💡 image enhancement
Language: Jupyter Notebook - Size: 15.2 MB - Last synced at: 22 days ago - Pushed at: over 2 years ago - Stars: 354 - Forks: 40

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.
Language: Python - Size: 11.6 MB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 339 - Forks: 39

AlexanderLutsenko/nobuco
Pytorch to Keras/Tensorflow/TFLite conversion made intuitive
Language: Python - Size: 4.86 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 311 - Forks: 19

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.
Language: Python - Size: 33.8 MB - Last synced at: 11 days ago - Pushed at: almost 3 years ago - Stars: 268 - Forks: 42

ntedgi/node-efficientnet
tensorflowJS implementation of EfficientNet 🚀
Language: TypeScript - Size: 62.2 MB - Last synced at: 3 days ago - Pushed at: over 1 year ago - Stars: 261 - Forks: 36

WangRongsheng/BestYOLO
🌟Change the world, it will become a better place. | 以科研和竞赛为导向的最好的YOLO实践框架!
Language: Python - Size: 53.8 MB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 233 - Forks: 36

vladmandic/nudenet 📦
NudeNet: NSFW Object Detection for TFJS and NodeJS
Language: JavaScript - Size: 143 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 216 - Forks: 93

aaronhma/awesome-tensorflow-js
Awesome TensorFlow.js - A curated list of dedicated resources to master TensorFlow.js
Size: 122 KB - Last synced at: 6 days ago - Pushed at: 20 days ago - Stars: 175 - Forks: 16

justadudewhohacks/tfjs-tiny-yolov2
Tiny YOLO v2 object detection with tensorflow.js.
Language: TypeScript - Size: 29.3 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 143 - Forks: 31

charliegerard/washOS
Automatic detection of water running to trigger a countdown in the browser
Language: JavaScript - Size: 9.46 MB - Last synced at: 15 days ago - Pushed at: about 4 years ago - Stars: 140 - Forks: 11

BeTomorrow/ReImproveJS
A framework using TensorFlow.js for Deep Reinforcement Learning
Language: TypeScript - Size: 4.02 MB - Last synced at: 27 days ago - Pushed at: about 3 years ago - Stars: 123 - Forks: 16

intelligo-mn/intelligo-node
Messenger chatbot builder for Node.js. https://intelligo.js.org
Language: TypeScript - Size: 5.49 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 118 - Forks: 23

sanyuered/WeChat-MiniProgram-AR-TFJS
A WeChat MiniProgram Face AR using TensorFlow.js (TFJS) and a face landmarks detection.
Language: JavaScript - Size: 22 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 118 - Forks: 32

vladmandic/pigallery 📦
PiGallery: AI-powered Self-hosted Secure Multi-user Image Gallery and Detailed Image analysis using Machine Learning, EXIF Parsing and Geo Tagging
Language: TypeScript - Size: 308 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 107 - Forks: 12

backstopmedia/deep-learning-browser
Official repository of the book "Deep learning in the browser" published by Bleeding Edge Press August 2018. Find here all of the source code of the demos!
Language: JavaScript - Size: 11.2 MB - Last synced at: 5 days ago - Pushed at: over 6 years ago - Stars: 104 - Forks: 31

charliegerard/splat
Motion-controlled Fruit Ninja clone using Three.js & Tensorflow.js
Language: JavaScript - Size: 6.63 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 101 - Forks: 15

Rishit-dagli/Greenathon-Plant-AI
Identify Diseases in Plants☘️ with Machine Learning on the web using TFJS
Language: Jupyter Notebook - Size: 45.5 MB - Last synced at: 13 days ago - Pushed at: over 3 years ago - Stars: 88 - Forks: 21

charliegerard/dark-mode-clap-extension
Chrome extension to toggle dark mode on Netlify by clapping hands 👏
Language: JavaScript - Size: 3.75 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 86 - Forks: 6

trekhleb/homemade-gpt-js
A minimal TensorFlow.js re-implementation of Karpathy's minGPT (Generative Pre-trained Transformer). The GPT model itself is <300 lines of code.
Language: TypeScript - Size: 31.8 MB - Last synced at: 20 days ago - Pushed at: 8 months ago - Stars: 79 - Forks: 8

bensonruan/Face-Mask
Real time webcam face detection, protect yourself from COVID19 with a virtual mask
Language: JavaScript - Size: 7.93 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 74 - Forks: 36

webrtcHacks/facetouchmonitor
monitor how often you touch your face with WebRTC and tensorflow.js
Language: JavaScript - Size: 27.3 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 72 - Forks: 15

PINTO0309/HeadPoseEstimation-WHENet-yolov4-onnx-openvino
WHENet - ONNX, OpenVINO, TFLite, TensorRT, EdgeTPU, CoreML, TFJS, YOLOv4/YOLOv4-tiny-3L
Language: Python - Size: 149 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 69 - Forks: 8

NoobTW/tfjs-tutorials
📃 TensorFlow.js 官方指南繁體中文版
Size: 509 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 69 - Forks: 15

tensorflow/tfjs-data 📦
Simple APIs to load and prepare data for use in machine learning models
Language: TypeScript - Size: 8.33 MB - Last synced at: 2 days ago - Pushed at: almost 6 years ago - Stars: 66 - Forks: 34

szczyglis-dev/js-ai-body-tracker
[JS/TensorFlow] JavaScript library that implements machine learning-based models for human pose estimation and human movement analysis. It allows you to easily implement three neural network models for human pose estimation: MoveNet, PoseNet, and BlazePose. No Node.js is required. TensorFlowJS was used, and an example app is included.
Language: JavaScript - Size: 181 KB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 64 - Forks: 11

hugozanini/yolov7-tfjs
Object Detection using Yolov7 in tensorflow.js
Language: JavaScript - Size: 72.8 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 61 - Forks: 11

atanasster/hyperparameters
ES6 hyperparameters search for tfjs
Language: JavaScript - Size: 90.8 KB - Last synced at: 15 days ago - Pushed at: almost 5 years ago - Stars: 60 - Forks: 5

kevinisbest/FrontEnd-EmotionDetection
Emotion detection on browser using TensorFlow.js
Language: HTML - Size: 63.3 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 56 - Forks: 19

mxzf0213/RealTimeFaceDetection
基于YOLO-lite的web实时人脸检测,tfjs人脸检测,目标检测
Language: Jupyter Notebook - Size: 77.7 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 56 - Forks: 9

brangerbriz/tf-electron
Tensorflow.js examples with Electron
Language: JavaScript - Size: 604 KB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 49 - Forks: 6

xnought/vae-explainer
Interactive Variational Autoencoder (VAE)
Language: Jupyter Notebook - Size: 16.5 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 47 - Forks: 3

lucleray/tensorflow-lambda
run tensorflow on lambdas (aws, vercel, ...)
Language: JavaScript - Size: 19.4 MB - Last synced at: 5 days ago - Pushed at: almost 4 years ago - Stars: 47 - Forks: 9

radi-cho/tfjs-firebase
Train a model with data from Firestore, save it to Cloud Storage and make predictions in Cloud Functions - entirely using NodeJS
Language: JavaScript - Size: 541 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 46 - Forks: 13

charliegerard/squid-game-tfjs
Squid Game's "Green light, red light" using body tracking with TensorFlow.js
Language: JavaScript - Size: 2.32 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 46 - Forks: 4

charliegerard/rainbrow
Clone of the Rainbrow iOS game in JavaScript
Language: JavaScript - Size: 10.7 MB - Last synced at: 27 days ago - Pushed at: over 5 years ago - Stars: 38 - Forks: 5

theankurkedia/blink-detection
Detect the user's blink and wink using machine learning
Language: JavaScript - Size: 13.7 MB - Last synced at: 3 days ago - Pushed at: about 3 years ago - Stars: 37 - Forks: 9

ashishpatel26/Browser-based-Models-with-TensorFlowjs
You may think that machine learning models can only be trained with supercomputers and big data. This first course shows you how you can train and run machine learning models in any browser using TensorFlow.js. You’ll learn techniques for handling data in the browser, and at the end you’ll build a computer vision project that recognizes and classifies objects from a webcam. deeplearning.ai certificate : https://www.coursera.org/account/accomplishments/records/BURZEBYF8K3A
Language: Jupyter Notebook - Size: 102 MB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 37 - Forks: 27

stackml/stackml-js
Machine Learning platform in-browser for creators
Size: 928 KB - Last synced at: 5 days ago - Pushed at: about 6 years ago - Stars: 37 - Forks: 6

zemlyansky/gpt-tfjs
GPT in TensorFlow.js
Language: JavaScript - Size: 40 KB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 33 - Forks: 8

allanguys/FE-AI
AI在前端领域应用的Demo集合
Language: HTML - Size: 122 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 33 - Forks: 6

pratapvardhan/cartoonizer-with-tfjs
Cartoonizer with TensorFlow.js models (White-box CartoonGAN)
Language: Jupyter Notebook - Size: 14.7 MB - Last synced at: 10 days ago - Pushed at: 7 months ago - Stars: 30 - Forks: 1

xnought/backprop-explainer
Visualize backpropagation in neural networks live in your browser. VISxAI 2021
Language: JavaScript - Size: 86.1 MB - Last synced at: 25 days ago - Pushed at: over 3 years ago - Stars: 25 - Forks: 4

shivaylamba/AIDENANALYSIS--TFJS-Physiotherapist
AIDENANALYSIS is a web app utilising tensorflow.js, browser-based Machine Learning library, to enable accessible physiotherapy for the Visually Impaired and other people as well
Language: JavaScript - Size: 635 KB - Last synced at: about 5 hours ago - Pushed at: almost 5 years ago - Stars: 25 - Forks: 9

AlbertZheng/quickdraw-cnn
A "You draw, AI guesses" MVP (Minimum Viable Product) can recognize the sketch drawing on web canvas using a TensorFlow.js friendly CNN (Convolutional Neural Networks) model.
Language: Jupyter Notebook - Size: 24.8 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 25 - Forks: 7

jefrydco/aio-rek
Face recognition based attendance system
Language: Vue - Size: 4.81 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 24 - Forks: 6

syt123450/ycy-detection-3d
🤔AI 如何捕捉超越的呢?
Language: JavaScript - Size: 112 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 24 - Forks: 1

vladmandic/nanodet 📦
NanoDet: Tiny Object Detection for TFJS and NodeJS
Language: JavaScript - Size: 28.1 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 5

lanseria/yolov8-tfjs-vue-webrtc-demo
yolov8-tfjs-vue-webrtc-demo showcases the integration of YOLOv8 deep learning object detection model, TensorFlow.js, Vue.js, and WebRTC technologies.
Language: Vue - Size: 11.5 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 23 - Forks: 6

vladmandic/movenet 📦
MoveNet: Body Segmentation for TFJS and NodeJS
Language: JavaScript - Size: 43.3 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 22 - Forks: 9

tensorspace-team/tensorspace-converter
🔨TensorSpace Standard Preprocess Tool for Pre-trained Models from TensorFlow, Keras, TensorFlow.js
Language: JavaScript - Size: 26.5 MB - Last synced at: 6 days ago - Pushed at: about 5 years ago - Stars: 22 - Forks: 11

PineappleSnowy/VisionVoice
视界之声(VisionVoice)是一款为视障人士打造的无障碍智能助手😎,通过图像识别、特征匹配、测距等技术,实现相册阅读、环境描述、寻物、避障、知识问答和情感交流等功能✨,助力视障人士拥抱多彩世界💖!
Language: JavaScript - Size: 749 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 20 - Forks: 2

huan/tensorflow-handbook-javascript
TensorFlow Handbook for JavaScript/TypeScript
Language: TypeScript - Size: 1.26 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 19 - Forks: 4

vladmandic/anti-spoofing 📦
Anti-Spoofing: Real/Fake Face Detection for TFJS and NodeJS
Language: Jupyter Notebook - Size: 5.73 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 19 - Forks: 9

bensonruan/Face-Detection
Face detection from webcam in browser using javascript library face-api.js
Language: HTML - Size: 10.3 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 19 - Forks: 15

yoyota/react-posenet
React PoseNet is a handy wrapper component for tfjs-models/posenet
Language: JavaScript - Size: 3.22 MB - Last synced at: 4 days ago - Pushed at: almost 2 years ago - Stars: 18 - Forks: 8

vframeio/dface
DFACE: Redact faces in your browser using client-side YOLOV5 detection models
Language: JavaScript - Size: 145 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 18 - Forks: 1

sadn1ck/bg-removal-bodypix
🎉 Remove that pesky background from your webcam stream, right in your browser!
Language: JavaScript - Size: 59.6 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 18 - Forks: 6

Ameobea/rnn-viz
Interactive visualizations and demos that are used in a blog post I wrote about logic in the context of neural networks
Language: Jupyter Notebook - Size: 1.82 MB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 17 - Forks: 1

cpury/pong-rl
Reinforcement Learning with Pong in the Browser via TensorFlow.js
Language: JavaScript - Size: 1.65 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 17 - Forks: 1

zemlyansky/ppo-tfjs
PPO in Tensorflow.js
Language: JavaScript - Size: 99.6 KB - Last synced at: 2 days ago - Pushed at: about 2 years ago - Stars: 16 - Forks: 2

LightTag/ylabel
In browser active learning and guided search
Language: JavaScript - Size: 5.76 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 16 - Forks: 1

slavikse/syntet
Машинное обучение с подкреплением на tensorflow.js & brain.js
Language: Vue - Size: 8.18 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 15 - Forks: 2

amogh-w/React-Native-Mobilenet-App
Something created to test the integration of TFJS with React Native and building a classifier with the help of Mobilenet.
Language: TypeScript - Size: 5.09 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 15 - Forks: 6

thnak/yolov7-2-tensorflow
export any your YOLOv7 model to TensorFlow, TensorFlowJs, ONNX, OpenVINO, RKNN,...
Language: Python - Size: 612 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 14 - Forks: 4

OmriGM/body-pose-beat-game
This game is an AI game based on TensorFlow.js, using their Posenet pre-trained model.
Language: JavaScript - Size: 1.65 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 14 - Forks: 5

HunterXuan/wx-tfjs-core Fork of tensorflow/tfjs-core 📦
针对微信小程序修改的 tfjs-core
Language: TypeScript - Size: 62.8 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 14 - Forks: 4

ShawonAshraf/Webcam-Object-Detection 📦
Object detection using webcam or mobile camera in the browser. Written in Tensorflow.js
Language: JavaScript - Size: 1.31 MB - Last synced at: 8 months ago - Pushed at: about 6 years ago - Stars: 13 - Forks: 6

amogh-w/React-Tensorflow-Object-Detection
React Web Application to test the COCO SSD pre-trained model to detect objects through the User's Webcam or other video source. Uses Tensorflow.js to run the model directly in the browser.
Language: JavaScript - Size: 7.81 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 0

vladmandic/insightface 📦
InsightFace for TFJS
Language: TypeScript - Size: 41.9 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 11 - Forks: 0

pratikpc/tf-kmeans
A Tensorflow.JS Library for Calculating KMeans
Language: TypeScript - Size: 15.6 KB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 11 - Forks: 3

Wei-1/holistic-website-test
Test MediaPipe Holistic JS Model
Language: JavaScript - Size: 47 MB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 2

aralroca/cat-dog-detection-tfjs
Cat/Dog detection model in Tensorflow.js
Language: JavaScript - Size: 220 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 6

whoisltd/mtcnn-tfjs
Implement MTCNN with Tensorflow.js. A face detection framework with MTCNN and Tensorflow.js
Language: JavaScript - Size: 2.88 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 10 - Forks: 0

deep2universe/ChromePoseDream
Chrome AI extension to visualize YouTube videos in real time.
Language: JavaScript - Size: 34.8 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 10 - Forks: 2

TannerGilbert/Run-TFLITE-models-on-the-web
Run TFLITE models on the web
Language: JavaScript - Size: 2.78 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 4

sanyuered/AR-TFJS
A Face AR using TensorFlow.js (TFJS) and a face landmarks detection.
Language: JavaScript - Size: 1.08 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 10 - Forks: 1

novasush/image-classifier-in-javascript
Deploy image classifier on a static website using javascript.
Language: Jupyter Notebook - Size: 913 KB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 10

namenu/tfjs-cljs 📦
A ClojureScript wrapper library for TensorFlow.js
Language: Clojure - Size: 1.06 MB - Last synced at: 8 days ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 1

OmriGM/wink-browser-controller
Control your browser using winks while surfing the web
Language: JavaScript - Size: 674 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 0

Wei-1/minimum-facemesh
use TF.js to calculate the facial landmarks
Language: JavaScript - Size: 3.86 MB - Last synced at: 5 days ago - Pushed at: about 3 years ago - Stars: 9 - Forks: 1

bhattbhavesh91/tf-js-example-1
In this tutorial, I'll show you how you can convert TensorFlow/Keras models to TensorFlow.js
Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 9 - Forks: 6

Coac/neat-tfjs
Javascript implementation of the NEAT neuroevolution algorithm using tf.js
Language: JavaScript - Size: 126 KB - Last synced at: 3 months ago - Pushed at: about 7 years ago - Stars: 9 - Forks: 1

dar5hak/offline-mnist 📦
Offline handwritten digit recognition
Language: TypeScript - Size: 4.85 MB - Last synced at: 8 days ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 2

zyberg2091/Aapka-Apna-Hiphop
Make your own rap verses with one click
Language: Jupyter Notebook - Size: 88.4 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 8 - Forks: 3

saikiran1224/PostureCorrectionAlarm-TFJs
This Project is developed using TensorFlow JS. This project detects and notifies the Person's posture if he moves away from the Computer using WebCam. This is a Responsive site compatible with both Mobile and Laptop/Desktop.
Language: CSS - Size: 5.03 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 1
