This is a package for LiDARTag, described in paper: LiDARTag: A Real-Time Fiducial Tag System for Point Clouds

Overview

LiDARTag

Overview

This is a package for LiDARTag, described in paper: LiDARTag: A Real-Time Fiducial Tag System for Point Clouds (PDF)(arXiv). This work is accepted by IEEE Robotics and Automation Letters and published at (here).

Image-based fiducial markers are useful in problems such as object tracking in cluttered or textureless environments, camera (and multi-sensor) calibration tasks, and vision-based simultaneous localization and mapping (SLAM). However, the state-of-the-art fiducial marker detection algorithms rely on the consistency of the ambient lighting. To the best of our knowledge, there are no existing fiducial markers for point clouds.

This paper introduces LiDARTag, a novel fiducial tag design and detection algorithm suitable for LiDAR point clouds. The proposed method runs in real-time and can process data at 100 Hz, which is faster than the currently available LiDAR sensor frequencies. Additionally, the software works with different marker sizes in cluttered indoors and spacious outdoors, even when it is entirely dark. Because of the LiDAR sensors' nature, rapidly changing ambient lighting will not affect the detection of a LiDARTag. Therefore, LiDARTag can be used in tandem with camera-based markers to address the issue of images being sensitive to ambient lighting.

  • Author: Jiunn-Kai (Bruce) Huang, Shoutian Wang, Maani Ghaffari, and Jessy W. Grizzle
  • Maintainer: Bruce JK Huang, brucejkh[at]gmail.com
  • Affiliation: The Biped Lab, the University of Michigan

This package has been tested under [ROS] Melodic and Ubuntu 18.04.
[Note] More detailed introduction will be updated shortly. Sorry for the inconvenient!
[Issues] If you encounter any issues, I would be happy to help. If you cannot find a related one in the existing issues, please open a new one. I will try my best to help!

Abstract

Image-based fiducial markers are useful in problems such as object tracking in cluttered or textureless environments, camera (and multi-sensor) calibration tasks, and vision-based simultaneous localization and mapping (SLAM). The state-of-the-art fiducial marker detection algorithms rely on the consistency of the ambient lighting. This paper introduces LiDARTag, a novel fiducial tag design and detection algorithm suitable for light detection and ranging (LiDAR) point clouds. The proposed method runs in real-time and can process data at 100 Hz, which is faster than the currently available LiDAR sensor frequencies. Because of the LiDAR sensors' nature, rapidly changing ambient lighting will not affect the detection of a LiDARTag; hence, the proposed fiducial marker can operate in a completely dark environment. In addition, the LiDARTag nicely complements and is compatible with existing visual fiducial markers, such as AprilTags, allowing for efficient multi-sensor fusion and calibration tasks. We further propose a concept of minimizing a fitting error between a point cloud and the marker's template to estimate the marker's pose. The proposed method achieves millimeter error in translation and a few degrees in rotation. Due to LiDAR returns' sparsity, the point cloud is lifted to a continuous function in a reproducing kernel Hilbert space where the inner product can be used to determine a marker's ID. The experimental results, verified by a motion capture system, confirm that the proposed method can reliably provide a tag's pose and unique ID code. The rejection of false positives is validated on the Google Cartographer dataset and the outdoor Honda H3D datasets. All implementations are coded in C++ and are available at: https://github.com/UMich-BipedLab/LiDARTag.

Video

Please checkout the introduction video. It highlights some important keypoints in the paper!

Quick View

LiDAR-based markers can be used in tandem with camera-based markers to address the issue of images being sensitive to ambient lighting. LiDARTags have been successfully applied to LiDAR-camera extrinsic calibration (paper, GitHub). This figure shows a visualization of LiDARTags of two different sizes in a full point cloud scan.

This system runs in real-time (over 100 Hz) while handling a full scan of the point cloud; it achieves millimeter accuracy in translation and a few degrees of error in rotation. The tag decoding accuracy is 99.7%.

Why LiDAR?

Robust to lighting!! The following shows LiDARTags are detected in several challenging lighting conditions:

Dingy environment

Completely dark environment

Half tag being overexposed

Rapid changing ambient light

Overall pipeline

The system contains three parts: tag detection, pose estimation, and tag decoding. The detection step takes an entire LiDAR scan (up to 120,000 points from a 32-Beam Velodyne ULTRA Puck LiDAR) and outputs collections of likely payload points of the LiDARTag. Next, a tag's optimal pose minimizes the -inspired cost in (8), though the rotation of the tag about a normal vector to the tag may be off by or and will be resolved in the decoding process. The tag's ID is decoded with a pre-computed function library. The decoded tag removes the rotation ambiguity about the normal.

Package Analysis

We present performance evaluations of the LiDARTag where ground truth data are provided by a motion capture system with 30 motion capture cameras. We also extensively analyze each step in the system with spacious outdoor and cluttered indoor environments. Additionally, we report the rate of false positives validated on the indoor Google Cartographer dataset and the outdoor Honda H3D datasets.

Pose and Decoding Analysis

Decoding accuracy of the RKHS method and pose accuracy of the fitting method. The ground truth is provided by a motion capture system with 30 motion capture cameras. The distance is in meters. The translation error is in millimeters and rotation error is the misalignment angle, (23), in degrees.

Computation Time of Each Step Analysis

This table averages all the datasets we collected and describes computation time of each step for indoors and outdoors.

Cluster Rejection Analysis

This table takes into account all the data we collected and shows numbers of rejected clusters in each step in different scenes. Additionally, we also report false positive rejection for Google Cartographer dataset and Honda H3D datasets.

Double-Sum Analysis

The original double sum in (18) is too slow to achieve a real-time application. This table compares different methods to compute the double sum, in which the TBB stands for Threading Building Blocks library from Intel. Additionally, we also apply a k-d tree data structure to speed up the querying process; the k-d tree, however, does not produce fast enough results. The unit in the table is milliseconds.

False Positives Analysis

This table shows the numbers of false positive rejection of the proposed algorithm. We validated the rejection rate on the indoor Google Cartographer dataset and the outdoor Honda H3D datasets. The former has two VLP-16 Velodyne LiDAR and the latter has one 64-beam Velodyne LiDAR.

Required Libraries / Packages

Those are the packages used in the LiDARTag package. It seems many but if you follow my steps, it should take you no more than 30 mins to instal them (including building time!). It took me awhile to get everything right. I summarize how I installed them here. However, you may choose any way you want to install them.

  1. Please install ROS Melodic.
  2. Please install TBB library. You may need to modify the CMakeLists.txt according to your installation.
  3. Please install NLopt. You may need to midify the CMakeLists.txt according to your installation.
  4. Please download LiDARTag_msgs and place them under your catkin workspace.
  5. Plesae ensure you have a correct Eigen Library on your system by downloading it from the GitLab and checkout 6f0f6f792e441c32727ed945686fefe02e6bdbc6. Any commit older than this should also work.

Installation of Related Libraries

ROS Melodic

Please directly follow the instruction on the official website (here).

TBB library

Installation

Original TBB package from Intel does not support CMake; I, therefore, use another repository that supports CMake to make my life easier.

git clone https://github.com/wjakob/tbb
mkdir build;
cd build;
cmake ..;
cmake --build . --config Release -- -j 6;
sudo cmake --build . --target install
Notes

Ensure the followings in the CMakeList.txt are correct:

  1. FindTBB.cmake is under LiDARTag/cmake/
  2. LIST(APPEND CMAKE_MODULE_PATH "YOUR_PATH/LiDARTag/cmake/")
    • Please change YOUR_PATH to your path to the LiDARTag package (something like this: catkin/src/LiDARTag/cmake).

NLopt library

Installation

Please direct follow the instruction on the official website (here) or as follow:

git clone git://github.com/stevengj/nlopt
cd nlopt
mkdir build
cd build
cmake ..
make
sudo make install

LiDARTag package

  1. Once you place LiDARTag_msgs under your catkin workspace and installed all the required libraries, you can directly catkin_make the package.
  2. source devel/setup.bash
  3. roslaunch lidartag LiDARTag_twotags.launch
  4. rosbag play -l -q bagfile.bag

Datasets and Results

Quantitative results:

If you would like to see how the tables in the paper are generated, please follow as below:

  1. Download this folder.
  2. Put them under LiDARTag/matlab/paper_data/
  3. Run genTable.m located at LiDARTag/matlab/

To regenerate results on the paper from scratch, please download the two datasets below:

  1. Please download bagfiles from here.
  2. Please download motion capture data from here
  3. change the output_path in the launch file
  4. roslaunch lidartag LiDARTag_threetags.launch
Note

The target sizes in the quantitative result folder are 1.22.

Qualitative results:

  1. Please download bagfiles from here.
  2. roslaunch lidartag LiDARTag_twotags.launch
Note

The target sizes in the qualitative result folder are 0.8051, 0.61.

False positive rejection:

Please download Google Cartographer dataset and Honda H3D datasets. We also provide different launch files (cartographer.launch, H3D.launch) for different datasets due to different published LiDAR topics and different output_path. I also wrote my own parsing script to pass bin files to rosbag. Please let me know if anyone needs it.

Running

  1. Please download qualitative bagfiles from here.
  2. catkin_make the package.
  3. source devel/setup.bash
  4. roslaunch lidartag LiDARTag_twotags.launch
  5. rosbag play -l -q bagfile.bag
  6. To see the results, rosrun rviz rviz. You can directly open LiDARTag.rviz under LiDARTag/rviz/ folder.
Notes

This package provides several launch files that you can directly run the package.
Please remember to change the tag_size_list in a launch file according to your target sizes or which bag file you are playing, or what marker sizes you have.
Different launch files:
-- LiDARTag_smallest.launch: only the smallest tag (0.61)
-- LiDARTag_twotags.launch: two smaller tags (0.61, 0.8)
-- LiDARTag_threetags.launch: all tags (0.8, 0.61, 1.22)
Please note that, the clearance around the markers should larger than , where is the size of the largest marker. Therefore, it is recommended to use smaller tags in indoor environments.

Building Your Markers


We provide tag16h6c5 from AprilTag3 with three sizes (0.61, 0.85, 1.2).
If you want to use the provided markers, it is easy:

  1. Attach a fiducial marker to a squared cardboard or plexiglass and place the marker inside the yellow region.
    • Note: The sizes must be one of 0.61, 0.805, 1.22 meter, or you have to regenerate the function dictionary. If so, please follow here.
  2. Find a 3D object to support your marker. It could be a box or an easel.
    • Please note that, the clearance around the markers should larger than , where is the size of the largest marker. Therefore, it is recommended to use smaller tags in indoor environments.
  3. Follow these steps to run the package.

Building Your Own Customized Markers

If you would like to use your own customized markers (i.e. different types of markers or different sizes), please follow these steps:
I. Build your function dictionary:

  1. git clone https://github.com/UMich-BipedLab/matlab_utils
  2. Add matlab_utils into build_LiDARTag_library.m or add matlab_utils into your MATLAB path.
  3. Edit opts.img_path in build_LiDARTag_library.m according to where you put images of your fiducial markers.
  4. Measure the size of your marker ()
  5. Open build_LiDARTag_library.m in LiDARTag/matlab/function_dictionary/. Change opts.target_size_ to your marker size and run build_LiDARTag_library.m to generate your function library.
  6. Put the generated function dictuionary into LiDARTag/lib/
  7. When placing the generated function dictionary in LiDARTag/lib/, please put different sizes into different sub-folders (0, 1, 2, 3, ...) and put them in ascending order. For example, if you have three sizes (0.6, 0.8, 1.2), then you will have three sub-folders (0, 1, 2) inside the lib/ folder. Please place them as follow:
    • LiDARTag/lib/0/: put 0.6-size here
    • LiDARTag/lib/1/: put 0.8-size here
    • LiDARTag/lib/2/: put 1.2-size here

II. Follow Building Your Markers

Note

All the functions that are used for testing RKHS are all released in LiDARTag/matlab/function_dictionary/

Parameters of launch files

We split the parameters to two different launch files: LiDARTag_outdoor.launch and LiDARTag_master.launch. The front contains the most common tunables for different environments such as indoor or outdoor. The latter includes more parameters that you usually need to change for your system only once and just leave them there.

LiDARTag_outdoor.launch

feature clustering
  • nearby_factor
    Value used to determine if two points are near to each other
  • linkage_tunable
    Value used to compute the linkage criteria
cluster validation
  • max_outlier_ratio
    Value used to validate clusters during checking outliers in plane fitting
  • tag_size_list
    List of possible sizes of tag

LiDARTag_master.launch

System Mode

  • mark_cluster_validity
    whether to validate clusters according to different conditions
  • plane_fitting
    whether to validate clusters according to the result of plane_fitting
  • optimize_pose
    Whether to optimize poses via reducing the cost function
  • decode_id
    Whether to decode IDs
  • collect_data
    Whether to publish detected PCs
  • num_threads
    The number of threads used for TBB
  • print_info
    Whether to log status in ros_info_stream

Debugging Mode

  • debug_info
    Whether to log debug information in ros_debug_stream
  • debug_time
    Whether to compute time for different parts
  • debug_decoding_time
    Whether to log time for decoding IDs
  • log_data
    Whether to save status information into txt file

LiDAR Specification

  • has_ring
    Whether input data has ring information for each point
  • estimate_ring
    Whether to estimate ring number for each point

Solvers for Pose Optimization

  • optimization_solver (default: 8)
    Which optimization solver to use for optimizing the cost function of a pose.

    • Below is numerical gradient-based methods
      1: opt_method = nlopt::LN_PRAXIS;
      2: opt_method = nlopt::LN_NEWUOA_BOUND;
      3: opt_method = nlopt::LN_SBPLX; // recommended
      4: opt_method = nlopt::LN_BOBYQA;
      5: opt_method = nlopt::LN_NELDERMEAD;
      6: opt_method = nlopt::LN_COBYLA;
    • Below is analytical gradient-based methods
      7: opt_method = nlopt::LD_SLSQP; // recommended 200Hz
      8: opt_method = nlopt::LD_MMA; // recommended 120Hz
      9: opt_method = nlopt::LD_TNEWTON_PRECOND_RESTART; // fail 90%
      10: opt_method = nlopt::LD_TNEWTON_PRECOND; // fail 90%
      11: opt_method = nlopt::LD_TNEWTON_RESTART; // fail 80%
      12: opt_method = nlopt::LD_TNEWTON; // fail 90%
      13: opt_method = nlopt::LD_LBFGS; // fail 90%
      14: opt_method = nlopt::LD_VAR1; // fail 90%
      15: opt_method = nlopt::LD_VAR2; // fail 90%
  • euler_derivative
    Whether to use euler derivative or lie group derivative in optimization

  • optimize_up_bound
    Value used for constraints in optimization

  • optimize_low_bound
    Value used for constraints in optimization

Decode Method

  • decode_method (default: 2)
    Which decoding method to use:
    0: naive decoder
    1: Weighted Gaussian
    2: RKHS
  • decode_mode (default: 5)
    Which mode to use: 0: single thread: original double sum
    1: single thread: convert to matrices
    2: single thread: convert matrices to vectors
    3: c++ thread (works for each point for a thread but not for blobs of points for a thread)
    4: Multi-threading: Original double sum using TBB
    5: Multi-threading: Vector form using TBB without scheduling
    6: Multi-threading: Vector form using TBB with manual scheduling
    7: Multi-threading: Vector form using TBB with TBB scheduling
    8: Single thread: using KDTree

Tunable

feature clustering
  • distance_bound
    Value used to construct a cube and only detect the tag inside this cube
  • depth_bound
    Value used to detect feature points compared with depth gradients
  • num_points_for_plane_feature
    number of points used for detection of feature points
cluster validation
  • min_return_per_grid
    Minimum number of points in each grid (below this number, the cluster will be invalid)
  • optimize_percentage
    Value used to validate the result of pose estimation via checking cost value
  • payload_intensity_threshold
    Value used to detect boundary points on the cluster via intensity gradient
  • points_threshold_factor
  • distance_to_plane_threshold
    Value used for plane fitting for a cluster
  • minimum_ring_boundary_points
    Minimum number of boundary points on each ring in the cluster
  • coa_tunable
    Value used to validate the result of pose estimation via checking coverage area
  • tagsize_tunable
    Value used to estimate the size of tag

Citations

The detail is described in: LiDARTag: A Real-Time Fiducial Tag for Point Clouds, Jiunn-Kai Huang, Shoutian Wang, Maani Ghaffari, and Jessy W. Grizzle. (PDF) (arXiv) (here)

@ARTICLE{HuangLiDARTag2020,
  author={Huang, Jiunn-Kai and Wang, Shoutian and Ghaffari, Maani and Grizzle, Jessy W.},
  journal={IEEE Robotics and Automation Letters}, 
  title={LiDARTag: A Real-Time Fiducial Tag System for Point Clouds},
  year={2021},
  volume={6},
  number={3},
  pages={4875-4882},
  doi={10.1109/LRA.2021.3070302}}
Owner
University of Michigan Dynamic Legged Locomotion Robotics Lab
We do feedback control of bipedal robots and we do it better than anyone else.
University of Michigan Dynamic Legged Locomotion Robotics Lab
OrienMask: Real-time Instance Segmentation with Discriminative Orientation Maps

OrienMask This repository implements the framework OrienMask for real-time instance segmentation. It achieves 34.8 mask AP on COCO test-dev at the spe

45 Dec 13, 2022
A memory-efficient implementation of DenseNets

efficient_densenet_pytorch A PyTorch =1.0 implementation of DenseNets, optimized to save GPU memory. Recent updates Now works on PyTorch 1.0! It uses

Geoff Pleiss 1.4k Dec 25, 2022
LightNet++: Boosted Light-weighted Networks for Real-time Semantic Segmentation

LightNet++ !!!New Repo.!!! ⇒ EfficientNet.PyTorch: Concise, Modular, Human-friendly PyTorch implementation of EfficientNet with Pre-trained Weights !!

linksense 237 Jan 05, 2023
Python3 / PyTorch implementation of the following paper: Fine-grained Semantics-aware Representation Enhancement for Self-supervisedMonocular Depth Estimation. ICCV 2021 (oral)

FSRE-Depth This is a Python3 / PyTorch implementation of FSRE-Depth, as described in the following paper: Fine-grained Semantics-aware Representation

77 Dec 28, 2022
Unifying Global-Local Representations in Salient Object Detection with Transformer

GLSTR (Global-Local Saliency Transformer) This is the official implementation of paper "Unifying Global-Local Representations in Salient Object Detect

11 Aug 24, 2022
Baseline of DCASE 2020 task 4

Couple Learning for SED This repository provides the data and source code for sound event detection (SED) task. The improvement of the Couple Learning

21 Oct 18, 2022
Official implementation for ICDAR 2021 paper "Handwritten Mathematical Expression Recognition with Bidirectionally Trained Transformer"

Handwritten Mathematical Expression Recognition with Bidirectionally Trained Transformer Description Convert offline handwritten mathematical expressi

Wenqi Zhao 87 Dec 27, 2022
An implementation of the BADGE batch active learning algorithm.

Batch Active learning by Diverse Gradient Embeddings (BADGE) An implementation of the BADGE batch active learning algorithm. Details are provided in o

125 Dec 24, 2022
Repository for XLM-T, a framework for evaluating multilingual language models on Twitter data

This is the XLM-T repository, which includes data, code and pre-trained multilingual language models for Twitter. XLM-T - A Multilingual Language Mode

Cardiff NLP 112 Dec 27, 2022
JittorVis - Visual understanding of deep learning models

JittorVis: Visual understanding of deep learning model JittorVis is an open-source library for understanding the inner workings of Jittor models by vi

thu-vis 182 Jan 06, 2023
Use of Attention Gates in a Convolutional Neural Network / Medical Image Classification and Segmentation

Attention Gated Networks (Image Classification & Segmentation) Pytorch implementation of attention gates used in U-Net and VGG-16 models. The framewor

Ozan Oktay 1.6k Dec 30, 2022
Framework for evaluating ANNS algorithms on billion scale datasets.

Billion-Scale ANN http://big-ann-benchmarks.com/ Install The only prerequisite is Python (tested with 3.6) and Docker. Works with newer versions of Py

Harsha Vardhan Simhadri 132 Dec 24, 2022
PyTorch implementation of the Flow Gaussian Mixture Model (FlowGMM) model from our paper

Flow Gaussian Mixture Model (FlowGMM) This repository contains a PyTorch implementation of the Flow Gaussian Mixture Model (FlowGMM) model from our pa

Pavel Izmailov 124 Nov 06, 2022
Fast, flexible and fun neural networks.

Brainstorm Discontinuation Notice Brainstorm is no longer being maintained, so we recommend using one of the many other,available frameworks, such as

IDSIA 1.3k Nov 21, 2022
Earthquake detection via fiber optic cables using deep learning

Earthquake detection via fiber optic cables using deep learning Author: Fantine Huot Getting started Update the submodules After cloning the repositor

Fantine 4 Nov 30, 2022
[IJCAI-2021] A benchmark of data-free knowledge distillation from paper "Contrastive Model Inversion for Data-Free Knowledge Distillation"

DataFree A benchmark of data-free knowledge distillation from paper "Contrastive Model Inversion for Data-Free Knowledge Distillation" Authors: Gongfa

ZJU-VIPA 47 Jan 09, 2023
PyTorch implementation of neural style transfer algorithm

neural-style-pt This is a PyTorch implementation of the paper A Neural Algorithm of Artistic Style by Leon A. Gatys, Alexander S. Ecker, and Matthias

770 Jan 02, 2023
DiscoBox: Weakly Supervised Instance Segmentation and Semantic Correspondence from Box Supervision

The Official PyTorch Implementation of DiscoBox: Weakly Supervised Instance Segmentation and Semantic Correspondence from Box Supervision

Shiyi Lan 3 Oct 15, 2021
A data-driven approach to quantify the value of classifiers in a machine learning ensemble.

Documentation | External Resources | Research Paper Shapley is a Python library for evaluating binary classifiers in a machine learning ensemble. The

Benedek Rozemberczki 188 Dec 29, 2022
PyTorch implementation of Masked Autoencoders Are Scalable Vision Learners for self-supervised ViT.

MAE for Self-supervised ViT Introduction This is an unofficial PyTorch implementation of Masked Autoencoders Are Scalable Vision Learners for self-sup

36 Oct 30, 2022