GitHub topics: mobilenet-ssd
Smorodov/Multitarget-tracker
Multiple Object Tracker, Based on Hungarian algorithm + Kalman filter.
Language: C++ - Size: 176 MB - Last synced at: 3 days ago - Pushed at: 11 days ago - Stars: 2,271 - Forks: 655

AkinduID/Face-Detection-Model-Benchmark
This repository contains the codebase and documentation for a comparative analysis of various lightweight face detection models optimized for real-time detection on edge devices. The study evaluates the models based on their accuracy, speed, and performance across different poses and environments, using the WIDER FACE dataset.
Language: Python - Size: 28.5 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

roboflow/tensorflow-object-detection-faster-rcnn Fork of josephofiowa/tensorflow-object-detection
How to train an object detection model easy for free
Language: Jupyter Notebook - Size: 24.3 MB - Last synced at: 8 days ago - Pushed at: about 5 years ago - Stars: 97 - Forks: 142

kcg2015/Vehicle-Detection-and-Tracking
Computer vision based vehicle detection and tracking using Tensorflow Object Detection API and Kalman-filtering
Language: Python - Size: 72.7 MB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 546 - Forks: 190

mlpack/onnx-mlpack
onnx to mlpack converter (Under construction)
Language: C++ - Size: 156 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 5 - Forks: 4

amhsirak/human-monitoring-system
Real-time human detection, tracking and counting using MobileNet SSD
Language: Python - Size: 56.6 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 12 - Forks: 3

juliagarriga/ARPET
AR.Drone 2.0 human tracking with Mobilenet-SSD and PID control
Language: Python - Size: 26 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 16 - Forks: 5

Qengineering/MobileNet_SSD_OpenCV_TensorFlow
Language: C++ - Size: 97.7 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 14 - Forks: 13

Qengineering/MobileNetV1_SSD_OpenCV_Caffe
MobileNetV1_SSD Caffe with OpenCV on RaspBerry Pi
Language: C++ - Size: 20.1 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 2

PINTO0309/MobileNet-SSD
MobileNet-SSD(MobileNetSSD) + Neural Compute Stick(NCS) Faster than YoloV2 + Explosion speed by RaspberryPi · Multiple moving object detection with high accuracy.
Language: Python - Size: 49.3 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 92 - Forks: 17

yangli18/hand_detection
A Light CNN based Method for Hand Detection and Orientation Estimation
Language: Python - Size: 41.5 MB - Last synced at: 6 months ago - Pushed at: about 3 years ago - Stars: 155 - Forks: 32

PINTO0309/MobileNet-SSD-RealSense 📦
[High Performance / MAX 30 FPS] RaspberryPi3(RaspberryPi/Raspbian Stretch) or Ubuntu + Multi Neural Compute Stick(NCS/NCS2) + RealSense D435(or USB Camera or PiCamera) + MobileNet-SSD(MobileNetSSD) + Background Multi-transparent(Simple multi-class segmentation) + FaceDetection + MultiGraph + MultiProcessing + MultiClustering
Language: Python - Size: 414 MB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 366 - Forks: 125

tiquasar/FLAITER
Machine Learning and AI Mobile Application
Language: Dart - Size: 133 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 7 - Forks: 0

tranleanh/mobilenets-ssd-pytorch
MobileNets-SSD/SSDLite on VOC/BDD100K Datasets
Language: Python - Size: 19.5 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 101 - Forks: 31

cloudwiser/ObjectDetectionRPiZero
TensorFlow Lite object detection example for Raspberry Pi Zero
Language: C++ - Size: 5.28 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 26 - Forks: 7

itsashishupadhyay/Intruder-Alert-System
Python Script to detect Person in your empty apartment and Shoot you an email with the picture Every few Sec
Language: Python - Size: 11.8 MB - Last synced at: 9 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Montroigenc/openCL-object-detection-smartphone-in-android-studio
Implementation of an object detection algorithm in an android studio emulator using mobileNet neural network
Size: 912 KB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 3

rajatsc/MobileNet-SSD-Kitti
Real time mobile video object detection using MobileNet-SSD trained on KITTI dataset in Tensorflow
Language: Jupyter Notebook - Size: 356 MB - Last synced at: 11 months ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

chuanqi305/MobileNet-SSD
Caffe implementation of Google MobileNet SSD detection network, with pretrained weights on VOC0712 and mAP=0.727.
Language: Python - Size: 20.9 MB - Last synced at: 12 months ago - Pushed at: almost 4 years ago - Stars: 1,990 - Forks: 1,180

dannylee1020/object-detection-app
Object Detection with MobileNetSSD, YOLO, Docker, Streamlit and Heroku
Language: Python - Size: 20.7 MB - Last synced at: about 1 hour ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

deepankarvarma/American-Sign-Language-MultiClass-Image-Classification-OpenCV-Keras-TensorFlow
This repository contains Python code for a project that performs American Sign Language (ASL) detection using multiclass classification. It utilizes YOLO (You Only Look Once) and MobileNetSSD_deploy for object detection, achieving an accuracy of 91%. The code offers options to predict signs from both images and videos.
Language: Python - Size: 42.5 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

MdJafirAshraf/Object_detection_yolo_vs_mobilenet
Object detection is detecting and recognizing the object. It is one of the common applications in computer vision problems (like traffic signals, people tracking, vehicle detection, etc...). In this repo, I develop real-time object detection with pre-trained models. These are YOLO version 3 and SSD MobileNet version 3. And I used coco large dataset for detecting labels, which are a total of 80 labels.
Language: Jupyter Notebook - Size: 77.8 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 0

ac-optimus/ESDC_IntelCup2018
CNN Object Detection (MobileNet) , Dehazing (AOD-NET) on Caffe,UP Square Board, Movidus Neural Compute Stick.
Language: HTML - Size: 102 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

IQTLabs/Teachable-Camera 📦
Object detection at the edge, with Google's Coral dev board
Language: Python - Size: 10.1 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 2

Qengineering/TensorFlow_Lite_SSD_Jetson-Nano
TensorFlow Lite SSD on a Jetson Nano 28.5 FPS
Language: C++ - Size: 21.1 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 2

tanakataiki/ssd_kerasV2
BetterNetWork4SSD
Language: Jupyter Notebook - Size: 49.8 MB - Last synced at: 20 days ago - Pushed at: almost 5 years ago - Stars: 144 - Forks: 55

C-Aniruddh/realtime_object_recognition
Realtime Object recognition using OpenCV 3.3 dnn module and pretrained MobileNetSSD caffe model
Language: Python - Size: 19.9 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 70 - Forks: 56

liyuming1978/caffe_example
install script and example for clCaffe which will run caffe by OpenCL (this is for https://github.com/01org/caffe/tree/inference-optimize)
Language: C++ - Size: 189 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 12 - Forks: 8

tlkh/SmartBin
Spring 2018 - 10.009 Digital World 1D Project
Language: Python - Size: 40.1 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 42 - Forks: 11

heghesalexandrucristian/Object_Detection_MobileNetV3_OpenCV
Simple app used for detecting objects in images and videos.
Language: C++ - Size: 156 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

TetsuakiBaba/ofxOpenCvDnnObjectDetection
OpenCV based DNN Object Detection Library for Openframeworks
Language: C++ - Size: 134 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 36 - Forks: 9

manishalingala/TelloDrone-with-KeyBoard-and-Objectdetection Fork of sainavaneet/TelloDrone-with-KeyBoard-and-Objectdetection
In this project on=bject detection is applied on real time drone using mobile net ssd.
Size: 11.5 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

PINTO0309/MobileNet-SSDLite-RealSense-TF
RaspberryPi3(Raspbian Stretch) + MobileNetv2-SSDLite(Tensorflow/MobileNetv2SSDLite) + RealSense D435 + Tensorflow1.11.0 + without Neural Compute Stick(NCS)
Language: Python - Size: 135 MB - Last synced at: 23 days ago - Pushed at: over 6 years ago - Stars: 51 - Forks: 16

zhiqwang/demonet
Yet another ssd, with its runtime stack for libtorch, onnx and specialized accelerators.
Language: Python - Size: 749 KB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 26 - Forks: 3

shaoshengsong/MobileNetV3-SSD
MobileNetV3-SSD for object detection and implementation in PyTorch
Language: Python - Size: 147 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 258 - Forks: 86

CHAITron/StarkSPY
:camera: Create real-time object availability checker for surveillance application with StarkSPY
Language: Python - Size: 36.8 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1

jideilori/mobilenetssd
A web app for MobileNet SSD detection
Language: Python - Size: 21.7 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 326

djmv/MobilNet_SSD_opencv
MobilNet-SSD object detection in opencv 3.4.1
Language: Python - Size: 26.5 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 85 - Forks: 75

rohitdas13595/objdetdep
Language: HTML - Size: 20.3 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

vigneshshettyin/DriveSight
Automated Streetlight System Using MobileNet
Language: JavaScript - Size: 42.5 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 2

vonholst/SSDMobileNet_CoreML
Real-time object-detection using SSD on Mobilenet on iOS using CoreML, exported using tf-coreml
Language: Swift - Size: 23.7 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 143 - Forks: 31

khondokerjahid/MobileNet_SSD-Detecting-Object
By using SSD, we only need to take one single shot to detect multiple objects within the image, while regional proposal network (RPN) based approaches such as R-CNN series that need two shots, one for generating region proposals, one for detecting the object of each proposal. Thus, SSD is much faster compared with two-shot RPN-based approaches.
Language: Python - Size: 11.5 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

lincolnhard/mobilenetssd-C-scratch
zero CNN framework
Language: C - Size: 19 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

zhijiahu/pibots
My playground of self-driving GoPiGo3 car using deep learning for computer vision. Technical details can be found in https://blog.zhijiahu.dev/
Language: Python - Size: 20 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

abrosua/face-anti-spoofing
Face detection model to classify either the face is spoof or not using MobileNet v2 SSD
Language: Python - Size: 144 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

afiqharith/fyp-social-distancing-safety-violation-roi-mobilenet-ssd
MobileNet SSD with Caffe implementation for person detection algorithm.
Language: Python - Size: 53.3 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

FurkanOM/tf-ssd
Tensorflow 2 single shot multibox detector (SSD) implementation from scratch with MobileNetV2 and VGG16 backbones
Language: Python - Size: 240 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 54 - Forks: 19

eric612/MobileNet-SSD-windows Fork of runhang/caffe-ssd-windows
Language: C++ - Size: 258 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 91 - Forks: 57

tjuskyzhang/mobilenetv1-ssd-tensorrt
Got 100fps on TX2. Got 1000fps on GeForce GTX 1660 Ti. Implement mobilenetv1-ssd-tensorrt layer by layer using TensorRT API. If the project is useful to you, please Star it.
Language: C++ - Size: 2.47 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 17 - Forks: 2

zyberg2091/smart-road-safety-security-systems
Detecting licence plates using OpenALPR Library and finding the people without helmets using helmet detection program
Language: Python - Size: 75.3 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

harshmunshi/D3-Deep-Dice-Detector
D3: Deep Dice Detector is an implementation of dice detection and top surface number recognition.
Language: Jupyter Notebook - Size: 80.4 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 1

sobsdavlatov/ANPR-SSD
Language: Jupyter Notebook - Size: 1.88 GB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

yescas93/Sparky_Detector
Robot-Deployment Team Final Project: Trained Neural Network implementation for custom image recognition
Language: Python - Size: 53.8 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

tazriahelal/Real_Time_Object_Detection
Real Time Object Detection With MobileNet and SSD
Language: Python - Size: 20 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

sidpro-hash/Object-Detection
object detection using SSD Mobile Net v3
Language: Python - Size: 33 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 13 - Forks: 18

IronSublimate/NCNN_ObjectDetection
MobileNet SSD/YOLOv4/YOLOv5/YOLOX etc Obejct Detection on Android Camera
Language: C++ - Size: 86.1 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 3

SHresTho12/sign_language_detection
This project is developed with Python and TensorFlow and is designed to detect sign language live. It uses computer vision techniques to capture the user's gestures in real-time and predict the corresponding sign language symbol.
Language: Python - Size: 354 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

shaoshengsong/MobileNetV3-SSD-Compact-Version
MobileNetV3 SSD的简洁版本
Language: Python - Size: 43.9 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 64 - Forks: 26

tharakarehan/people-counter
A human detection, tracking and counting system built using deep learning based computer vision.
Language: Python - Size: 9.72 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 1

zlingkang/mobilenet_ssd_pedestrian_detection
Mobilenet SSD based pedestrian detection
Language: Python - Size: 19.1 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 48 - Forks: 20

GivralNguyen/Ultra-light-Vehicle-Detection-using-Tiny-Mobilenet-SSD-real-time-on-CPU
Real time vehicle detection (30 FPS on intel i7-8700 CPU) using Tiny-Mobilenet V2, SSD and Receptor Field Block.
Language: Python - Size: 474 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 4

riskycheng/DetectX
Nanodet, NanodetPlus, Yolov5, Yolov6, Yolov7, MobileSSD etc. deployment with ncnn/dnn/mnn/SNPE/mace/Torch onto Android
Language: C++ - Size: 45.4 MB - Last synced at: 7 months ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 3

Tensor46/TensorMONK
A collection of deep learning models (PyTorch implemtation)
Language: Python - Size: 130 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 20 - Forks: 6

yunwoong7/object_detection_mobilenetssd
Object detection using MobileNet SSD (D/L)
Language: Jupyter Notebook - Size: 21 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Ehsan2754/ObjectDetection
Object detection With YoloV5 vs MobileNetSSDv2
Language: Jupyter Notebook - Size: 174 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

fulankun1412/People-Counting-OpenCV-Object-Detection
People Counter Based on Pyimagesearch Source Code with modified for Export to Excel File
Language: Jupyter Notebook - Size: 35.3 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 14

imistyrain/ncnn_face
MobileNet-SSD Face Detection by ncnn
Language: C++ - Size: 4.88 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 21 - Forks: 5

robert-nganga/Object-detection-app
An object detection app using TensorFlow mobilenet model
Language: Dart - Size: 2.77 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

cftang0827/pedestrian_recognition
A simple human recognition api for re-ID usage, power by paper https://arxiv.org/abs/1703.07737
Language: Jupyter Notebook - Size: 4.43 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 30 - Forks: 9

tharakarehan/highway-lane-violation-detector
Desktop app for detecting highway lane violations. Illegal parking, Wrong direction, Illegal over taking can be detected
Language: Python - Size: 23.9 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

waiting33118/face-detection-vue
Demo face detection of face-api.js and used for counting the number of people in real time.
Language: Vue - Size: 4.4 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

kapiblue/ncs-object-detection
Python script for object detection using Intel Movidius Neural Compute Stick and a pretrained model to be further used on Raspberry-based hexapod robot.
Language: Python - Size: 10.3 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

parultaneja/Real-Time-Object-Detection-With-Sound
Language: Python - Size: 20 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 3

Jash-2000/Complex_Convolutional_Neural_Network_Architecture
I Implemented some of the custom complex Convolutional Neural Network architecture using tensorow.keras Functional API.
Language: Jupyter Notebook - Size: 2.11 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

deenuy/cnn-obj-recognitions
Repo for learning various CNN architectures for image & video based object detections using pre-trained models like VGGNet, MobileNet-SSD, ResNet, Mask R-CNN, YoLo, Inception, and Xception models using Tensorflow, Keras, OpenCV, Caffe, DarkNet
Language: Jupyter Notebook - Size: 43.1 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 1

niyazed/Object-Recognition-Using-TensorFlow.js
Classifier | TensorFlow.js | MobileNet
Language: JavaScript - Size: 21.9 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

wasiulhaque/Ecfor Fork of Hasan-Saju/Ecfor
A web application which translates speech to sign language and sign language to speech in order to minimize the communication gap between normal people and the people with special need.
Language: CSS - Size: 190 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

thisishardik/odin-ai-flutter
ODIN-AI or Object detection and identification ai is a flutter based mobile application that can detect up-to 9 objects in the camera and assign them with their predicted labels. The deep learning technique used is transfer learning using OpenCV and the SSD MobileNet model.
Language: Dart - Size: 41.7 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

HAC-2020/Resister-19
A project by Team RESISTER-19 for the HackForCovid Hackathon
Language: Python - Size: 48.5 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 1

inofficialamanjha/Complete-Keras-Tutorial
Codes depicting Usage of Keras Library to Create CNN Models, Perform Fine-Tuning and Data-Augmentation on Image Datasets.
Language: Jupyter Notebook - Size: 4.94 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

fbasatemur/Medical_Mask_Detection
Covid-19 medical mask detection for public places
Language: Python - Size: 36.9 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

fvilmos/smart_cam
Uses mobilenet-ssd dnn to classify objects from IP camera image with openvino framework (works with NCS stick on RPi4)
Language: Python - Size: 11.9 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

liamondrop/object-detection
Learning about SSD and Mobilenets
Language: Jupyter Notebook - Size: 6.12 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0
