All Projects → dongdonghy → Global Localization Object Detection

dongdonghy / Global Localization Object Detection

a global localization system with object detection in semantic map

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Global Localization Object Detection

Preciseroipooling
Precise RoI Pooling with coordinate gradient support, proposed in the paper "Acquisition of Localization Confidence for Accurate Object Detection" (https://arxiv.org/abs/1807.11590).
Stars: ✭ 689 (+13680%)
Mutual labels:  object-detection
Bmw Tensorflow Training Gui
This repository allows you to get started with a gui based training a State-of-the-art Deep Learning model with little to no configuration needed! NoCode training with TensorFlow has never been so easy.
Stars: ✭ 736 (+14620%)
Mutual labels:  object-detection
Py Motmetrics
📊 Benchmark multiple object trackers (MOT) in Python
Stars: ✭ 768 (+15260%)
Mutual labels:  object-detection
Yolo Tf2
yolo(all versions) implementation in keras and tensorflow 2.4
Stars: ✭ 695 (+13800%)
Mutual labels:  object-detection
Opencvtutorials
OpenCV-Python4.1 中文文档
Stars: ✭ 720 (+14300%)
Mutual labels:  object-detection
Avod
Code for 3D object detection for autonomous driving
Stars: ✭ 757 (+15040%)
Mutual labels:  object-detection
Saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
Stars: ✭ 648 (+12860%)
Mutual labels:  object-detection
Ailab
Experience, Learn and Code the latest breakthrough innovations with Microsoft AI
Stars: ✭ 6,896 (+137820%)
Mutual labels:  object-detection
Imageai
A python library built to empower developers to build applications and systems with self-contained Computer Vision capabilities
Stars: ✭ 6,734 (+134580%)
Mutual labels:  object-detection
Mxnet Ssd
MXNet port of SSD: Single Shot MultiBox Object Detector. Reimplementation of https://github.com/weiliu89/caffe/tree/ssd
Stars: ✭ 766 (+15220%)
Mutual labels:  object-detection
Dsod
DSOD: Learning Deeply Supervised Object Detectors from Scratch. In ICCV 2017.
Stars: ✭ 700 (+13900%)
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 (+14120%)
Mutual labels:  object-detection
Deepcamera
Open source face recognition on Raspberry Pi. SharpAI is open source stack for machine learning engineering with private deployment and AutoML for edge computing. DeepCamera is application of SharpAI designed for connecting computer vision model to surveillance camera. Developers can run same code on Raspberry Pi/Android/PC/AWS to boost your AI production development.
Stars: ✭ 757 (+15040%)
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 (+13720%)
Mutual labels:  object-detection
Awesome Object Detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
Stars: ✭ 6,628 (+132460%)
Mutual labels:  object-detection
Freeanchor
FreeAnchor: Learning to Match Anchors for Visual Object Detection (NeurIPS 2019)
Stars: ✭ 660 (+13100%)
Mutual labels:  object-detection
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+14660%)
Mutual labels:  object-detection
Dataaugmentationforobjectdetection
Data Augmentation For Object Detection
Stars: ✭ 812 (+16140%)
Mutual labels:  object-detection
Cvpr2021 Paper Code Interpretation
cvpr2021/cvpr2020/cvpr2019/cvpr2018/cvpr2017 论文/代码/解读/直播合集,极市团队整理
Stars: ✭ 8,075 (+161400%)
Mutual labels:  object-detection
Orb slam2 ssd semantic
动态语义SLAM 目标检测+VSLAM+光流/多视角几何动态物体检测+octomap地图+目标数据库
Stars: ✭ 763 (+15160%)
Mutual labels:  object-detection

Global Localization Using Object Detection with Semantic Map

Overview

Global localization is a key problem in autonomous robot. We use semantic map and object detection to do the global localization with MLE method.

Dependencies

  • Jetpack=3.3
  • TensorFlow=1.9.0
  • Opencv
  • Matplotlib
  • PIL
  • ROS Kinetic

Hardware

  • Jetson TX2
  • Lidar
  • USB camera
  • Autonomous robot
  • Odometry by encoder or IMU

Motivation

  • In ROS system, if we use move_base package, we need to input an 2D initial pose by hand:
  • Therefore, we want to calculate the initial pose automatically.

How to Run

Object Detection Model

  • train an object detection model using tensorflow
  • export the frozen model, and put it into frozen_model folder
  • put the whole package into a ROS workspace

Semantic Map

  • we build a semantic map with Gmapping and object detection.
  • the backgroud is the grid map, and the points in the map represent the object position.

ROS prepration

Before initial pose, you need to run the following node in ROS

  • map server to output a map
  • robot control: publish the cmd_vel and subscribe Odometry
  • Lidar like Hokuyo, output the scan data

Global Localization

  • Run python initial_pose.py in scripts folder.
  • subscribe scan, imu/data topic, and need a USB camera
  • publish cmd/vel to rotation, webcam_image, and the final initialpose

Other function

  • camera_save.py: simple script to save the camera image
  • visilize.py: an example script to test the frozen model with a video
  • send_goal.cpp: we also provide a function which can send the navigation goal through voice recognition. Here we use the baidu package: https://github.com/DinnerHowe/baidu_speech
  • center path: you need to alter the grid_path.cpp and input your own path in global planner package of navation stack.
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].