All Projects → Yolobile → Similar Projects or Alternatives

459 Open source projects that are alternatives of or similar to Yolobile

Tfjs Tiny Yolov2
Tiny YOLO v2 object detection with tensorflow.js.
Stars: ✭ 115 (-42.79%)
Mutual labels:  object-detection
Tensorflow Face Detection
A mobilenet SSD based face detector, powered by tensorflow object detection api, trained by WIDERFACE dataset.
Stars: ✭ 711 (+253.73%)
Mutual labels:  object-detection
Marvel
Marvel - Face Recognition With Android & OpenCV
Stars: ✭ 199 (-1%)
Mutual labels:  object-detection
Dsod
DSOD: Learning Deeply Supervised Object Detectors from Scratch. In ICCV 2017.
Stars: ✭ 700 (+248.26%)
Mutual labels:  object-detection
Colab Mask Rcnn
How to run Object Detection and Segmentation on a Video Fast for Free
Stars: ✭ 114 (-43.28%)
Mutual labels:  object-detection
Complex Yolov4 Pytorch
The PyTorch Implementation based on YOLOv4 of the paper: "Complex-YOLO: Real-time 3D Object Detection on Point Clouds"
Stars: ✭ 691 (+243.78%)
Mutual labels:  object-detection
Snip
Scale Normalization for Image Pyramids
Stars: ✭ 164 (-18.41%)
Mutual labels:  object-detection
Freeanchor
FreeAnchor: Learning to Match Anchors for Visual Object Detection (NeurIPS 2019)
Stars: ✭ 660 (+228.36%)
Mutual labels:  object-detection
Kerasobjectdetector
Keras Object Detection API with YOLK project 🍳
Stars: ✭ 113 (-43.78%)
Mutual labels:  object-detection
Centermask
CenterMask : Real-Time Anchor-Free Instance Segmentation, in CVPR 2020
Stars: ✭ 646 (+221.39%)
Mutual labels:  object-detection
Wetectron
weakly-supervised object detection platform.
Stars: ✭ 233 (+15.92%)
Mutual labels:  object-detection
Retinanet Examples
Fast and accurate object detection with end-to-end GPU optimization
Stars: ✭ 631 (+213.93%)
Mutual labels:  object-detection
Tensorflow Object Detection Tutorial
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
Stars: ✭ 113 (-43.78%)
Mutual labels:  object-detection
Gaussian yolov3
Gaussian YOLOv3: An Accurate and Fast Object Detector Using Localization Uncertainty for Autonomous Driving (ICCV, 2019)
Stars: ✭ 622 (+209.45%)
Mutual labels:  object-detection
Retinanet Pytorch
Retinanet目标检测算法(简单,明了,易用,全中文注释,单机多卡训练,视频检测)(based on pytorch,Simple, Clear, Mutil GPU)
Stars: ✭ 160 (-20.4%)
Mutual labels:  object-detection
Weighted Boxes Fusion
Set of methods to ensemble boxes from different object detection models, including implementation of "Weighted boxes fusion (WBF)" method.
Stars: ✭ 610 (+203.48%)
Mutual labels:  object-detection
Feature intertwiner
Codebase of the paper "Feature Intertwiner for Object Detection", ICLR 2019
Stars: ✭ 111 (-44.78%)
Mutual labels:  object-detection
Simplecvreproduction
Reproduce simple cv project including attention module, classification, object detection, segmentation, keypoint detection, tracking 😄 etc.
Stars: ✭ 602 (+199.5%)
Mutual labels:  object-detection
Thor
thor: C++ helper library, for deep learning purpose
Stars: ✭ 197 (-1.99%)
Mutual labels:  object-detection
Photonix
This is a new web-based photo management application. Run it on your home server and it will let you find the right photo from your collection on any device. Smart filtering is made possible by object recognition, location awareness, color analysis and other ML algorithms.
Stars: ✭ 592 (+194.53%)
Mutual labels:  object-detection
Bag Of Visual Words Python
Implementing Bag of Visual words approach for object classification and detection
Stars: ✭ 109 (-45.77%)
Mutual labels:  object-detection
Deep Learning For Hackers
Machine Learning tutorials with TensorFlow 2 and Keras in Python (Jupyter notebooks included) - (LSTMs, Hyperameter tuning, Data preprocessing, Bias-variance tradeoff, Anomaly Detection, Autoencoders, Time Series Forecasting, Object Detection, Sentiment Analysis, Intent Recognition with BERT)
Stars: ✭ 586 (+191.54%)
Mutual labels:  object-detection
Lrf Net
Learning Rich Features at High-Speed for Single-Shot Object Detection, ICCV, 2019
Stars: ✭ 160 (-20.4%)
Mutual labels:  object-detection
Vehicle counting tensorflow
🚘 "MORE THAN VEHICLE COUNTING!" This project provides prediction for speed, color and size of the vehicles with TensorFlow Object Counting API.
Stars: ✭ 582 (+189.55%)
Mutual labels:  object-detection
Links Detector
📖 👆🏻 Links Detector makes printed links clickable via your smartphone camera. No need to type a link in, just scan and click on it.
Stars: ✭ 106 (-47.26%)
Mutual labels:  object-detection
Centernet2
Two-stage CenterNet
Stars: ✭ 496 (+146.77%)
Mutual labels:  object-detection
Pyimsegm
Image segmentation - general superpixel segmentation & center detection & region growing
Stars: ✭ 213 (+5.97%)
Mutual labels:  object-detection
Detectorch
Detectorch - detectron for PyTorch
Stars: ✭ 566 (+181.59%)
Mutual labels:  object-detection
Yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
Stars: ✭ 19,914 (+9807.46%)
Mutual labels:  object-detection
Cv paperdaily
CV 论文笔记
Stars: ✭ 555 (+176.12%)
Mutual labels:  object-detection
Bmw Tensorflow Inference Api Cpu
This is a repository for an object detection inference API using the Tensorflow framework.
Stars: ✭ 158 (-21.39%)
Mutual labels:  object-detection
Curve Text Detector
This repository provides train&test code, dataset, det.&rec. annotation, evaluation script, annotation tool, and ranking.
Stars: ✭ 551 (+174.13%)
Mutual labels:  object-detection
Sod
An Embedded Computer Vision & Machine Learning Library (CPU Optimized & IoT Capable)
Stars: ✭ 1,460 (+626.37%)
Mutual labels:  object-detection
Yolov5 ncnn
🍅 Deploy NCNN on mobile phones. Support Android and iOS. 移动端NCNN部署,支持Android与iOS。
Stars: ✭ 535 (+166.17%)
Mutual labels:  object-detection
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-2.99%)
Mutual labels:  object-detection
Keras Rcnn
Keras package for region-based convolutional neural networks (RCNNs)
Stars: ✭ 526 (+161.69%)
Mutual labels:  object-detection
Refinedet
Single-Shot Refinement Neural Network for Object Detection, CVPR, 2018
Stars: ✭ 1,430 (+611.44%)
Mutual labels:  object-detection
Random Erasing
Random Erasing Data Augmentation. Experiments on CIFAR10, CIFAR100 and Fashion-MNIST
Stars: ✭ 511 (+154.23%)
Mutual labels:  object-detection
Motbeyondpixels
Monocular multi-object tracking using simple and complementary 3D and 2D cues (ICRA 2018)
Stars: ✭ 155 (-22.89%)
Mutual labels:  object-detection
Yolo3 4 Py
A Python wrapper on Darknet. Compatible with YOLO V3.
Stars: ✭ 504 (+150.75%)
Mutual labels:  object-detection
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+595.02%)
Mutual labels:  object-detection
Yet Another Efficientdet Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
Stars: ✭ 4,945 (+2360.2%)
Mutual labels:  object-detection
Icevision
End-to-End Object Detection Framework - Pluggable to any Training Library: Fastai, Pytorch-Lightning with more to come
Stars: ✭ 218 (+8.46%)
Mutual labels:  object-detection
Tensorflow object tracking video
Object Tracking in Tensorflow ( Localization Detection Classification ) developed to partecipate to ImageNET VID competition
Stars: ✭ 491 (+144.28%)
Mutual labels:  object-detection
Efficientdet.pytorch
Implementation EfficientDet: Scalable and Efficient Object Detection in PyTorch
Stars: ✭ 1,383 (+588.06%)
Mutual labels:  object-detection
Awesome Tiny Object Detection
🕶 A curated list of Tiny Object Detection papers and related resources.
Stars: ✭ 471 (+134.33%)
Mutual labels:  object-detection
Derpn
A novel region proposal network for more general object detection ( including scene text detection ).
Stars: ✭ 155 (-22.89%)
Mutual labels:  object-detection
Tfjs Yolo Tiny
In-Browser Object Detection using Tiny YOLO on Tensorflow.js
Stars: ✭ 465 (+131.34%)
Mutual labels:  object-detection
Airbnb Amenity Detection
Repo for 42 days project to replicate/improve Airbnb's amenity (object) detection pipeline.
Stars: ✭ 101 (-49.75%)
Mutual labels:  object-detection
Ssd tensorflow traffic sign detection
Implementation of Single Shot MultiBox Detector in TensorFlow, to detect and classify traffic signs
Stars: ✭ 459 (+128.36%)
Mutual labels:  object-detection
Person Detection And Tracking
A tensorflow implementation with SSD model for person detection and Kalman Filtering combined for tracking
Stars: ✭ 193 (-3.98%)
Mutual labels:  object-detection
Ios camera object detection
Realtime mobile visualize based Object Detection based on TensorFlow and YOLO model
Stars: ✭ 100 (-50.25%)
Mutual labels:  object-detection
Mxnet Yolo
YOLO: You only look once real-time object detector
Stars: ✭ 240 (+19.4%)
Mutual labels:  object-detection
Fcos
FCOS: Fully Convolutional One-Stage Object Detection (ICCV'19)
Stars: ✭ 2,839 (+1312.44%)
Mutual labels:  object-detection
Retinaface
The remake of the https://github.com/biubug6/Pytorch_Retinaface
Stars: ✭ 226 (+12.44%)
Mutual labels:  object-detection
Caffe2 Ios
Caffe2 on iOS Real-time Demo. Test with Your Own Model and Photos.
Stars: ✭ 221 (+9.95%)
Mutual labels:  object-detection
Ros people object detection tensorflow
An extensive ROS toolbox for object detection & tracking and face/action recognition with 2D and 3D support which makes your Robot understand the environment
Stars: ✭ 202 (+0.5%)
Mutual labels:  object-detection
Yoloncs
YOLO object detector for Movidius Neural Compute Stick (NCS)
Stars: ✭ 176 (-12.44%)
Mutual labels:  object-detection
Centernet Tensorflow
CenterNet: Objects as Points in Tensorflow
Stars: ✭ 129 (-35.82%)
Mutual labels:  object-detection
Tensorflow Lite Rest Server
Expose tensorflow-lite models via a rest API
Stars: ✭ 43 (-78.61%)
Mutual labels:  object-detection
301-360 of 459 similar projects