All Projects → Object Localization → Similar Projects or Alternatives

999 Open source projects that are alternatives of or similar to Object Localization

Awesome Visual Relationship Detection
A curated list of visual relationship detection and related area resources
Stars: ✭ 126 (-3.08%)
Mutual labels:  object-detection
Epic Kitchens 55 Annotations
🍴 Annotations for the EPIC KITCHENS-55 Dataset.
Stars: ✭ 120 (-7.69%)
Mutual labels:  object-detection
Pwc Net pytorch
pytorch implementation of "PWC-Net: CNNs for Optical Flow Using Pyramid, Warping, and Cost Volume"
Stars: ✭ 111 (-14.62%)
Mutual labels:  cnn
Tf2
An Open Source Deep Learning Inference Engine Based on FPGA
Stars: ✭ 113 (-13.08%)
Mutual labels:  cnn
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (-3.08%)
Mutual labels:  cnn-keras
Metar Cnn
Meta R-CNN : Towards General Solver for Instance-level Low-shot Learning
Stars: ✭ 120 (-7.69%)
Mutual labels:  object-detection
Robust Lane Detection
Stars: ✭ 110 (-15.38%)
Mutual labels:  cnn
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+1115.38%)
Mutual labels:  cnn
Feature intertwiner
Codebase of the paper "Feature Intertwiner for Object Detection", ICLR 2019
Stars: ✭ 111 (-14.62%)
Mutual labels:  object-detection
Deeplearning Notes
Notes for Deep Learning Specialization Courses led by Andrew Ng.
Stars: ✭ 126 (-3.08%)
Mutual labels:  cnn
Mobilenet
A Clearer and Simpler MobileNet Implementation in TensorFlow
Stars: ✭ 119 (-8.46%)
Mutual labels:  mobilenet
Tensorflow Yolov4 Tflite
YOLOv4, YOLOv4-tiny, YOLOv3, YOLOv3-tiny Implemented in Tensorflow 2.0, Android. Convert YOLO v4 .weights tensorflow, tensorrt and tflite
Stars: ✭ 1,881 (+1346.92%)
Mutual labels:  object-detection
Bag Of Visual Words Python
Implementing Bag of Visual words approach for object classification and detection
Stars: ✭ 109 (-16.15%)
Mutual labels:  object-detection
Obj det progress tracker
Object Detection Progress Tracker
Stars: ✭ 119 (-8.46%)
Mutual labels:  object-detection
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (-16.15%)
Mutual labels:  cnn
Yolov3 tensorflow
Complete YOLO v3 TensorFlow implementation. Support training on your own dataset.
Stars: ✭ 1,498 (+1052.31%)
Mutual labels:  object-detection
Leagueai
LeagueAI software framework for League of Legends that provides information about the state of the game based on Image Recognition using OpenCV and Pytorch.
Stars: ✭ 128 (-1.54%)
Mutual labels:  object-detection
Robust Detection Benchmark
Code, data and benchmark from the paper "Benchmarking Robustness in Object Detection: Autonomous Driving when Winter is Coming" (NeurIPS 2019 ML4AD)
Stars: ✭ 128 (-1.54%)
Mutual labels:  object-detection
Libfacedetection
An open source library for face detection in images. The face detection speed can reach 1000FPS.
Stars: ✭ 10,852 (+8247.69%)
Mutual labels:  cnn
Classifier multi label textcnn
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
Stars: ✭ 116 (-10.77%)
Mutual labels:  cnn
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 (-18.46%)
Mutual labels:  object-detection
Deep learning object detection
A paper list of object detection using deep learning.
Stars: ✭ 10,334 (+7849.23%)
Mutual labels:  object-detection
Yolo3d Yolov4 Pytorch
YOLO3D: End-to-end real-time 3D Oriented Object Bounding Box Detection from LiDAR Point Cloud (ECCV 2018)
Stars: ✭ 119 (-8.46%)
Mutual labels:  object-detection
Yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
Stars: ✭ 19,914 (+15218.46%)
Mutual labels:  object-detection
Places365
The Places365-CNNs for Scene Classification
Stars: ✭ 1,549 (+1091.54%)
Mutual labels:  cnn
3d Densenet
3D Dense Connected Convolutional Network (3D-DenseNet for action recognition)
Stars: ✭ 118 (-9.23%)
Mutual labels:  cnn
Keras Yolo3
Training and Detecting Objects with YOLO3
Stars: ✭ 1,532 (+1078.46%)
Mutual labels:  object-detection
Sod
An Embedded Computer Vision & Machine Learning Library (CPU Optimized & IoT Capable)
Stars: ✭ 1,460 (+1023.08%)
Mutual labels:  object-detection
Deepway
This project is an aid to the blind. Till date there has been no technological advancement in the way the blind navigate. So I have used deep learning particularly convolutional neural networks so that they can navigate through the streets.
Stars: ✭ 118 (-9.23%)
Mutual labels:  cnn
Skincancer
Skin cancer detection project
Stars: ✭ 107 (-17.69%)
Mutual labels:  cnn-keras
Video2description
Video to Text: Generates description in natural language for given video (Video Captioning)
Stars: ✭ 107 (-17.69%)
Mutual labels:  cnn-keras
Universenet
Object detection. EfficientDet-D5 level COCO AP in 20 epochs. SOTA single-stage detector on Waymo Open Dataset.
Stars: ✭ 128 (-1.54%)
Mutual labels:  object-detection
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-4.62%)
Mutual labels:  cnn
Model Quantization
Collections of model quantization algorithms
Stars: ✭ 118 (-9.23%)
Mutual labels:  cnn
Min nlp practice
Chinese & English Cws Pos Ner Entity Recognition implement using CNN bi-directional lstm and crf model with char embedding.基于字向量的CNN池化双向BiLSTM与CRF模型的网络,可能一体化的完成中文和英文分词,词性标注,实体识别。主要包括原始文本数据,数据转换,训练脚本,预训练模型,可用于序列标注研究.注意:唯一需要实现的逻辑是将用户数据转化为序列模型。分词准确率约为93%,词性标注准确率约为90%,实体标注(在本样本上)约为85%。
Stars: ✭ 107 (-17.69%)
Mutual labels:  cnn
Ssd Pytorch
SSD: Single Shot MultiBox Detector pytorch implementation focusing on simplicity
Stars: ✭ 107 (-17.69%)
Mutual labels:  object-detection
Hyperlandmark
Deep Learning Based Free Mobile Real-Time Face Landmark Detector. Contact:[email protected]
Stars: ✭ 1,528 (+1075.38%)
Mutual labels:  cnn
Refinedet
Single-Shot Refinement Neural Network for Object Detection, CVPR, 2018
Stars: ✭ 1,430 (+1000%)
Mutual labels:  object-detection
Awesome Deep Learning Resources
Rough list of my favorite deep learning resources, useful for revisiting topics or for reference. I have got through all of the content listed there, carefully. - Guillaume Chevalier
Stars: ✭ 1,469 (+1030%)
Mutual labels:  cnn
Cnn Inference Engine Quick View
A quick view of high-performance convolution neural networks (CNNs) inference engines on mobile devices.
Stars: ✭ 124 (-4.62%)
Mutual labels:  cnn
Sppnet
Spatial Pyramid Pooling on top of AlexNet using tensorflow. ***New updates for SPPnet in Pytorch**
Stars: ✭ 117 (-10%)
Mutual labels:  cnn
Deep learning for computer vision with python
Deep Learning For Computer Vision With Python
Stars: ✭ 106 (-18.46%)
Mutual labels:  cnn
Self Driving Car
A End to End CNN Model which predicts the steering wheel angle based on the video/image
Stars: ✭ 106 (-18.46%)
Mutual labels:  cnn
Aspect Extraction
Aspect extraction from product reviews - window-CNN+maxpool+CRF, BiLSTM+CRF, MLP+CRF
Stars: ✭ 117 (-10%)
Mutual labels:  cnn
Opentpod
Open Toolkit for Painless Object Detection
Stars: ✭ 106 (-18.46%)
Mutual labels:  object-detection
Ghostnet
CV backbones including GhostNet, TinyNet and TNT, developed by Huawei Noah's Ark Lab.
Stars: ✭ 1,744 (+1241.54%)
Mutual labels:  mobilenet
Object detection demo
How to train an object detection model easy for free
Stars: ✭ 130 (+0%)
Mutual labels:  object-detection
Centernet Tensorflow
CenterNet: Objects as Points in Tensorflow
Stars: ✭ 129 (-0.77%)
Mutual labels:  object-detection
Swa object detection
SWA Object Detection
Stars: ✭ 128 (-1.54%)
Mutual labels:  object-detection
Mask rcnn pytorch
Mask R-CNN for object detection and instance segmentation on Pytorch
Stars: ✭ 123 (-5.38%)
Mutual labels:  object-detection
Objectdetection
Some experiments with object detection in PyTorch
Stars: ✭ 117 (-10%)
Mutual labels:  object-detection
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+974.62%)
Mutual labels:  object-detection
Yolov3 Model Pruning
在 oxford hand 数据集上对 YOLOv3 做模型剪枝(network slimming)
Stars: ✭ 1,386 (+966.15%)
Mutual labels:  object-detection
Faster Mobile Retinaface
[CVPR 2020] Reimplementation of RetinaFace, faster and stronger.
Stars: ✭ 117 (-10%)
Mutual labels:  mobilenet
Efficientdet.pytorch
Implementation EfficientDet: Scalable and Efficient Object Detection in PyTorch
Stars: ✭ 1,383 (+963.85%)
Mutual labels:  object-detection
Deep Learning Notes
My CS231n lecture notes
Stars: ✭ 102 (-21.54%)
Mutual labels:  cnn
Openpcdet
OpenPCDet Toolbox for LiDAR-based 3D Object Detection.
Stars: ✭ 2,199 (+1591.54%)
Mutual labels:  object-detection
Opencv Detection Models
OpenCV trained detection models: Haar, HOG and other
Stars: ✭ 116 (-10.77%)
Mutual labels:  object-detection
Models
DLTK Model Zoo
Stars: ✭ 101 (-22.31%)
Mutual labels:  cnn
Tooth Detection
🦷 Detection of restorations and treatments on dental x-rays in Tensorflow, using Faster-RCNN
Stars: ✭ 99 (-23.85%)
Mutual labels:  object-detection
61-120 of 999 similar projects