• Stars
    star
    2,017
  • Rank 21,966 (Top 0.5 %)
  • Language
    C++
  • License
    BSD 3-Clause "New...
  • Created about 7 years ago
  • Updated 8 months ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

YOLO ROS: Real-Time Object Detection for ROS

YOLO ROS: Real-Time Object Detection for ROS

Overview

This is a ROS package developed for object detection in camera images. You only look once (YOLO) is a state-of-the-art, real-time object detection system. In the following ROS package you are able to use YOLO (V3) on GPU and CPU. The pre-trained model of the convolutional neural network is able to detect pre-trained classes including the data set from VOC and COCO, or you can also create a network with your own detection objects. For more information about YOLO, Darknet, available training data and training YOLO see the following link: YOLO: Real-Time Object Detection.

The YOLO packages have been tested under ROS Noetic and Ubuntu 20.04. Note: We also provide branches that work under ROS Melodic, ROS Foxy and ROS2.

This is research code, expect that it changes often and any fitness for a particular purpose is disclaimed.

Author: Marko Bjelonic, [email protected]

Affiliation: Robotic Systems Lab, ETH Zurich

Darknet Ros example: Detection image Darknet Ros example: Detection image

Based on the Pascal VOC 2012 dataset, YOLO can detect the 20 Pascal object classes:

  • person
  • bird, cat, cow, dog, horse, sheep
  • aeroplane, bicycle, boat, bus, car, motorbike, train
  • bottle, chair, dining table, potted plant, sofa, tv/monitor

Based on the COCO dataset, YOLO can detect the 80 COCO object classes:

  • person
  • bicycle, car, motorbike, aeroplane, bus, train, truck, boat
  • traffic light, fire hydrant, stop sign, parking meter, bench
  • cat, dog, horse, sheep, cow, elephant, bear, zebra, giraffe
  • backpack, umbrella, handbag, tie, suitcase, frisbee, skis, snowboard, sports ball, kite, baseball bat, baseball glove, skateboard, surfboard, tennis racket
  • bottle, wine glass, cup, fork, knife, spoon, bowl
  • banana, apple, sandwich, orange, broccoli, carrot, hot dog, pizza, donut, cake
  • chair, sofa, pottedplant, bed, diningtable, toilet, tvmonitor, laptop, mouse, remote, keyboard, cell phone, microwave, oven, toaster, sink, refrigerator, book, clock, vase, scissors, teddy bear, hair drier, toothbrush

Citing

The YOLO methods used in this software are described in the paper: You Only Look Once: Unified, Real-Time Object Detection.

If you are using YOLO V3 for ROS, please add the following citation to your publication:

M. Bjelonic "YOLO ROS: Real-Time Object Detection for ROS", URL: https://github.com/leggedrobotics/darknet_ros, 2018.

@misc{bjelonicYolo2018,
  author = {Marko Bjelonic},
  title = {{YOLO ROS}: Real-Time Object Detection for {ROS}},
  howpublished = {\url{https://github.com/leggedrobotics/darknet_ros}},
  year = {2016--2018},
}

Installation

Dependencies

This software is built on the Robotic Operating System ([ROS]), which needs to be installed first. Additionally, YOLO for ROS depends on following software:

  • OpenCV (computer vision library),
  • boost (c++ library),

Building

Build Status

In order to install darknet_ros, clone the latest version using SSH (see how to set up an SSH key) from this repository into your catkin workspace and compile the package using ROS.

cd catkin_workspace/src
git clone --recursive [email protected]:leggedrobotics/darknet_ros.git
cd ../

To maximize performance, make sure to build in Release mode. You can specify the build type by setting

catkin_make -DCMAKE_BUILD_TYPE=Release

or using the Catkin Command Line Tools

catkin build darknet_ros -DCMAKE_BUILD_TYPE=Release

Darknet on the CPU is fast (approximately 1.5 seconds on an Intel Core i7-6700HQ CPU @ 2.60GHz ร— 8) but it's like 500 times faster on GPU! You'll have to have an Nvidia GPU and you'll have to install CUDA. The CMakeLists.txt file automatically detects if you have CUDA installed or not. CUDA is a parallel computing platform and application programming interface (API) model created by Nvidia. If you do not have CUDA on your System the build process will switch to the CPU version of YOLO. If you are compiling with CUDA, you might receive the following build error:

nvcc fatal : Unsupported gpu architecture 'compute_61'.

This means that you need to check the compute capability (version) of your GPU. You can find a list of supported GPUs in CUDA here: CUDA - WIKIPEDIA. Simply find the compute capability of your GPU and add it into darknet_ros/CMakeLists.txt. Simply add a similar line like

-O3 -gencode arch=compute_62,code=sm_62

Download weights

The yolo-voc.weights and tiny-yolo-voc.weights are downloaded automatically in the CMakeLists.txt file. If you need to download them again, go into the weights folder and download the two pre-trained weights from the COCO data set:

cd catkin_workspace/src/darknet_ros/darknet_ros/yolo_network_config/weights/
wget http://pjreddie.com/media/files/yolov2.weights
wget http://pjreddie.com/media/files/yolov2-tiny.weights

And weights from the VOC data set can be found here:

wget http://pjreddie.com/media/files/yolov2-voc.weights
wget http://pjreddie.com/media/files/yolov2-tiny-voc.weights

And the pre-trained weight from YOLO v3 can be found here:

wget http://pjreddie.com/media/files/yolov3-tiny.weights
wget http://pjreddie.com/media/files/yolov3.weights

There are more pre-trained weights from different data sets reported here.

Use your own detection objects

In order to use your own detection objects you need to provide your weights and your cfg file inside the directories:

catkin_workspace/src/darknet_ros/darknet_ros/yolo_network_config/weights/
catkin_workspace/src/darknet_ros/darknet_ros/yolo_network_config/cfg/

In addition, you need to create your config file for ROS where you define the names of the detection objects. You need to include it inside:

catkin_workspace/src/darknet_ros/darknet_ros/config/

Then in the launch file you have to point to your new config file in the line:

<rosparam command="load" ns="darknet_ros" file="$(find darknet_ros)/config/your_config_file.yaml"/>

Unit Tests

Run the unit tests using the Catkin Command Line Tools

catkin build darknet_ros --no-deps --verbose --catkin-make-args run_tests

You will see the image above popping up.

Basic Usage

In order to get YOLO ROS: Real-Time Object Detection for ROS to run with your robot, you will need to adapt a few parameters. It is the easiest if duplicate and adapt all the parameter files that you need to change from the darknet_ros package. These are specifically the parameter files in config and the launch file from the launch folder.

Nodes

Node: darknet_ros

This is the main YOLO ROS: Real-Time Object Detection for ROS node. It uses the camera measurements to detect pre-learned objects in the frames.

ROS related parameters

You can change the names and other parameters of the publishers, subscribers and actions inside darknet_ros/config/ros.yaml.

Subscribed Topics

  • /camera_reading ([sensor_msgs/Image])

    The camera measurements.

Published Topics

  • object_detector ([std_msgs::Int8])

    Publishes the number of detected objects.

  • bounding_boxes ([darknet_ros_msgs::BoundingBoxes])

    Publishes an array of bounding boxes that gives information of the position and size of the bounding box in pixel coordinates.

  • detection_image ([sensor_msgs::Image])

    Publishes an image of the detection image including the bounding boxes.

Actions

  • camera_reading ([sensor_msgs::Image])

    Sends an action with an image and the result is an array of bounding boxes.

Detection related parameters

You can change the parameters that are related to the detection by adding a new config file that looks similar to darknet_ros/config/yolo.yaml.

  • image_view/enable_opencv (bool)

    Enable or disable the open cv view of the detection image including the bounding boxes.

  • image_view/wait_key_delay (int)

    Wait key delay in ms of the open cv window.

  • yolo_model/config_file/name (string)

    Name of the cfg file of the network that is used for detection. The code searches for this name inside darknet_ros/yolo_network_config/cfg/.

  • yolo_model/weight_file/name (string)

    Name of the weights file of the network that is used for detection. The code searches for this name inside darknet_ros/yolo_network_config/weights/.

  • yolo_model/threshold/value (float)

    Threshold of the detection algorithm. It is defined between 0 and 1.

  • yolo_model/detection_classes/names (array of strings)

    Detection names of the network used by the cfg and weights file inside darknet_ros/yolo_network_config/.

More Repositories

1

ros_best_practices

Best practices, conventions, and tricks for ROS. Do you want to become a robotics master? Then consider graduating or working at the Robotics Systems Lab at ETH in Zรผrich!
C++
1,403
star
2

legged_gym

Isaac Gym Environments for Legged Robots
Python
913
star
3

ocs2

Optimal Control for Switched Systems
C++
629
star
4

open3d_slam

Pointcloud-based graph SLAM written in C++ using open3D library.
C++
447
star
5

elevation_mapping_cupy

Elevation Mapping on GPU.
Python
416
star
6

se2_navigation

Pure Pursuit Control and SE(2) Planning
C++
390
star
7

free_gait

An Architecture for the Versatile Control of Legged Robots
C++
388
star
8

raisimLib

RAISIM, A PHYSICS ENGINE FOR ROBOTICS AND AI RESEARCH
326
star
9

traversability_estimation

Traversability mapping for mobile rough terrain navigation
C++
310
star
10

rsl_rl

Fast and simple implementation of RL algorithms, designed to run fully on GPU.
Python
305
star
11

xpp

Visualization of Motions for Legged Robots in ros-rviz
C++
293
star
12

graph_msf

A graph-based multi-sensor fusion framework. It can be used to fuse various relative or absolute measurments with IMU readings in real-time.
C++
239
star
13

icp_localization

This package provides localization in a pre-built map using ICP and odometry (or the IMU measurements).
C++
225
star
14

delora

Self-supervised Deep LiDAR Odometry for Robotic Applications
Python
221
star
15

SimBenchmark

Physics engine benchmark for robotics applications: RaiSim vs Bullet vs ODE vs MuJoCo vs DartSim
C++
193
star
16

learning_quadrupedal_locomotion_over_challenging_terrain_supplementary

Supplementary materials for "Learning Locomotion over Challenging Terrain"
C++
159
star
17

iPlanner

iPlanner: Imperative Path Planning. An end-to-end learning planning framework using a novel unsupervised imperative learning approach
Python
146
star
18

raisimGym

Python
141
star
19

tensorflow-cpp

Pre-built TensorFlow for C/C++ and CMake.
Shell
113
star
20

perceptive_mpc

C++
105
star
21

art_planner

Local Navigation Planner for Legged Robots
C++
99
star
22

vitruvio

Vitruvio is a framework for rapid leg design analysis and optimization for legged robots. The purpose of the simulation framework is to guide the early stages of legged robot design. The end effectors track an input trajectory and the necessary joint speed, torque, power and energy for the tracking is computed.
MATLAB
84
star
23

L3E

Learning-based localizability estimation for robust LiDAR localization.
82
star
24

elmo_ethercat_sdk

C++
72
star
25

MPC-Net

Accompanying code for the publication "MPC-Net: A First Principles Guided Policy Search"
Python
70
star
26

raisimOgre

https://rsl.ethz.ch/partnership/spinoff/raisim.html
67
star
27

rayen

Imposition of Hard Convex Constraints on Neural Networks
Python
65
star
28

tree_detection

This package implements a simple tree detector from point cloud data. It makes no assumptions about the ground plane and can handle arbitrary terrains.
C++
65
star
29

wild_visual_navigation

Wild Visual Navigation: A system for fast traversability learning via pre-trained models and online self-supervision
Python
63
star
30

noesis

A Reinforcement Learning Software Toolbox for Robotics
C++
52
star
31

hardware_time_sync

Guidelines on how to hardware synchronize the time of multiple sensors, e.g., IMU, cameras, etc.
46
star
32

RSLGym

Reinforcement learning framework from RSL for policy training with RaiSim.
Python
39
star
33

anomaly_navigation

Anomaly Navigation - ANNA
Python
37
star
34

RaiSimUnity

A visualizer for RaiSim based on Unity
31
star
35

cerberus_darpa_subt_datasets

Datasets collected by Team CERBERUS during the DARPA Subterranean Challenge
30
star
36

workflows

Collection of workflows, best-practices and guidelines for software development.
Python
26
star
37

tcan

A library to communicate to devices connected through CAN, EtherCat, USB or TCP/IP.
C++
26
star
38

swerve_steering

C++
24
star
39

smug_planner

C++
24
star
40

soem_interface

This software package serves as a C++ interface for one or more EtherCAT devices running on the same bus. The lower level EtherCAT communication is handled by the SOEM library.
C
24
star
41

urdf2robcogen

A tool that translates a robot URDF description into the kindsl format that can be processed by RobCoGen.
C++
21
star
42

raw_image_pipeline

Image processing pipeline for cameras that provide RAW data
C++
20
star
43

maxon_epos_ethercat_sdk

Implementation of an ethercat device driver for the maxon epos 4
C++
16
star
44

cuda_ue4_linux

C++
15
star
45

ethercat_sdk_master

A wrapper around SOEM to allow multiple masters and devices on EtherCAT
C++
13
star
46

ocs2_robotic_assets

Various robotic assets for OCS2 Toolbox
CMake
13
star
47

catkin_create_rqt

An RQT plugin generator script, supporting several arguments to generate a rqt plugin for ROS, similar to catkin_create_pkg
Python
12
star
48

cerberus_anymal_locomotion

C++
12
star
49

pytictac

Simple Timing Utils
Python
11
star
50

ethercat_device_configurator

Manages setup yaml files for the RSL ethercat infrastructure
C++
10
star
51

terra

A grid world environment for high-level earthworks planning in JAX for RL.
Python
10
star
52

learning_docker

Shell
8
star
53

viplanner

ViPlanner: Visual Semantic Imperative Learning for Local Navigation
Python
7
star
54

rl-blindloco

Project page for Science Robotics paper "Learning Quadrupedal Locomotion over Challenging Terrain"
HTML
7
star
55

anymal_brax

Python
7
star
56

rsl_heap

CMake
7
star
57

any_ping_indicator

An Ubuntu indicator applet to show the ping status.
Python
7
star
58

terrain-generator

5
star
59

gtsam_catkin

Catkinized version of gtsam.
CMake
3
star
60

mobile_manipulation

Under construction
3
star
61

digbench

Benchmarks for the Terra environment.
Python
2
star
62

realsense_eth_robotics_summer_school_2019

Launch files and utility nodes for running the Realsense on SMB
CMake
2
star
63

darknet_ros-release

1
star
64

webapp-container

Scripts and tools to containerize a PHP-FPM, Nginx, Redis web-application โš™๏ธ
Dockerfile
1
star
65

xpp-release

Release repository of the xpp repo, necessary for ros hosting.
1
star