Original implementation of the paper, Kiru Park, Timothy Patten and Markus Vincze, "Pix2Pose: Pix2Pose: Pixel-Wise Coordinate Regression of Objects for 6D Pose Estimation", ICCV 2019, https://arxiv.org/abs/1908.07433
The Resnet-50 backbone, which can be initialized with weights for ImageNet, is supported instead of the original encoder network, which performs better (in terms of accuracy).
For the YCB-Video dataset, the improvements are (in terms of the BOP score):
- RGB only (0.284 -> 0.428, +51%): the best result among RGB only methods in the last BOP challenge results.
- RGB with ICP on depth (0.668 -> 0.742, +11%): The best result again.
You can download the weights for the YCB-Video dataset using Resnet-50 here
To use the resnet-50 backbone, add
"backbone":"resnet50"
in the config json file. (e.g., cfg/cfg_bop_2019.json or ros_config.json). Please make sure the repository is up-to-date.
- Tested environment: Ubuntu 16.04 (64bit)
- Python > 3.5
- Tensorflow > 1.8
- Keras > 2.2.0
- CUDA > 9.0
- Bop_toolkit (https://github.com/thodan/bop_toolkit)
- (optional:for faster icp refinement) pycuda
- See python requirements in requirements.txt
- (optional) Docker + Nvidia-docker (https://github.com/NVIDIA/nvidia-docker)
- Keras implementation of Mask-RCNN: used for LineMOD in the paper and all datasets in the BOP Challenge,
git clone https://github.com/matterport/Mask_RCNN.git
- Keras implementation of Retinanet: used for evaluation of the T-Less dataset in the paper
git clone https://github.com/fizyr/keras-retinanet.git
If you use this code, please cite the following
@InProceedings{Park_2019_ICCV,
author = {Park, Kiru and Patten, Timothy and Vincze, Markus},
title = {Pix2Pose: Pix2Pose: Pixel-Wise Coordinate Regression of Objects for 6D Pose Estimation},
booktitle = {The IEEE International Conference on Computer Vision (ICCV)},
month = {Oct},
year = {2019}
}
The original codes are updated to support the format of the most recent 6D pose benchmark, BOP: Benchmark for 6D Object Pose Estimation
- Download a dataset from the BOP website and extract files in a folder
- e.g.) <path_to_dataset>/<dataset_name>
- For the recognition, "Base archive", "Object models", and "Test images" have to be downloaded at least.
- Download and extract weights in the same dataset folder used in 1.
- Make sure the directories follows the structure below.
- <path_to_dataset>/<dataset_name>/models or model_eval or model_recont..: model directory that contains .ply files of models
- <path_to_dataset>/<dataset_name>/models_xyz: norm_factor.json and .ply files of colorized 3d models
- <path_to_dataset>/<dataset_name>/weight_detection: weight files for the detection
- <path_to_dataset>/<dataset_name>/pix2pose_weights/<obj_name>/inference.hdf5 : weight files for each objects
- Set config file
- Set directories properly based on your environment
- For the bop challenge dataset: <path_to_src>/cfg/cfg_bop2019.json
- Use trained weights for the paper: <path_to_src>/cfg/cfg_<dataset_name>_paper.json (e.g., cfg_tless_paper.json)
- score_type: 1-scores from a 2D detetion pipeline is used (used for the paper), 2-scores are caluclated using detection score+overlapped mask (only supported for Mask RCNN, used for the BOP challenge)
- task_type : 1 - SiSo task (2017 BOP Challenge), 2 - ViVo task (2019 BOP challenge format)
- cand_factor: a factor for the number of detection candidates
- Execute the script
python3 tools/5_evaluation_bop_basic.py <gpu_id> <cfg_path> <dataset_name>
to run with the 3D-ICP refinement,
python3 tools/5_evaluation_bop_icp3d.py <gpu_id> <path_cfg_json> <dataset_name>
- The output will be stored in the 'path_to_output' in csv format, which can be used to calculate metric using bop_toolkit.
Important Note Differ from the paper, we used multiple outlier thresholds in the second stage for the BOP challenge since it is not allowed to have different parameters for each object or each dataset. This can be done easily by set the "outlier_th" in a 1D-array (refer to cfg_bop2019.json). In this setup, the best result, which has the largest inlier points, will be derived during estimation after applying all values in the second stage. To reproduce the results in the paper with fixed outlier threshold values, a 2D-array should be given as in "cfg_tless_paper.json")
- Build Dockerfile
docker build -t <container_name> .
- Start the container with
nvidia-docker run -it -v <dasetdir>:/bop -v <detection_repo>:<detection_dir> -v <other_dir>:<other_dir> <container_name> bash
- Install ros_numpy:
pip3 install ros_numpy
- To Run the ROS interface with our Python 3.5 code (since ROS-Kinectic uses python 2.7), we need a trick to run ROS node. For example,
export PYTHONPATH=/usr/local/lib/python3.5/dist-packages:$PYTHONPATH(including other ROS related pathes)
- The first path can be replaced with the dist-packages folder in the virtual environment. Thus, libraries will be loaded from python3.5 path, while loading ros related packages (rospy) from ros library directories in python 2.7.
- You have to specify the topic for RGB images + camera instrinsics in "ros_config.json" file. For more detail, please check out ros_api_manual
- ICP refinement when the depth image topic is available.
- Current ros_config.json is to detect and estimate pose of YCB-Video objects. Download trained weights of YCB-V dataset to run this example.
We assume the dataset is organized in the BOP 2019 format. For a new dataset (not in the BOP), modify bop_io.py properly to provide proper directories for training. Theses training codes are used to prepare and train the network for the BOP 2019.
python3 tools/2_1_ply_file_to_3d_coord_model <cfg_path> <dataset_name>
The file converts 3D models and save them to the target folder with a dimension information in a file, "norm_factor.json".
python3 tools/2_2_render_pix2pose_training.py <cfg_path> <dataset_name>
python3 tools/3_train_pix2pose.py <cfg_path> <dataset_name> <obj_name> [background_img_folder]
python3 tools/4_convert_weights_inference.py <pix2pose_weights folder>
This program looks for the last weight file in each directory
5. [Optional] Training of 2D detection pipelines (if required, skip this when you have your own 2D detection pipeline)
python3 tools/1_1_scene_gen_for_detection.py <cfg_path> <dataset_name> <mask=1(true)/0(false)>
Output files
- a number of augmented images using crops of objects in training images
- For Mask-RCNN: /mask/*.npy files
- For Retinanet(Keras-retinanet): gt.csv / label.csv
- Generated images will be saved in "<path_to_dataset>/<dataset_name>/train_detect/"
To train Mask-RCNN, the pre-trained weight for the MS-COCO dataset should be place in <path/to/Mask-RCNN>/mask_rcnn_coco.h5.
python3 tools/1_2_train_maskrcnn.py <cfg_path> <dataset_name>
or Train Keras-retinanet using the script in the repository. It is highly recommended to initialize the network using the weights trained for the MS-COCO dataset. link
keras_retinanet/bin/train.py csv <path_to_dataset>/gt.csv <path_to_dataset>/label.csv --freeze-backbone --weights resnet50_coco_best_v2.1.0.h5
After training, the weights should be converted into inference model by,
keras_retinanet/bin/convert_model.py /path/to/training/model.h5 /path/to/save/inference/model.h5
- The paper should be cosidered the main reference for this work. All the details of the algorithm and the training are reported there.
- The rendering codes in '/rendering' are modified from the code in https://github.com/wadimkehl/ssd-6d.
- Please check out original repositories for more details of 2D detection pipelines, parameters and setups, for traininig Mask-RCNN(https://github.com/matterport/Mask_RCNN) or Keras-Retinanet(https://github.com/fizyr/keras-retinanet)
-
Please refer to the paper for other details regarding the training
- T-Less: 2D Retinanet weights + Pix2Pose weights link
- Given real training images are used for training (primesense)
- reconstructed models are used to calculate VSD scores.
- To test using all test images, download and copy all_target_tless.json file into the dataset folder (together with the test_targets_bop19.json file)
- T-Less: 2D Retinanet weights + Pix2Pose weights link
For the BOP challenge, we used Mask-RCNN to measure a score values for the current estimations using ovelapped ratios between masks from Mask-RCNN and the Pix2Pose estimation. All the hyperparameters, including augmentation, are set to the same for all datasets during the training and test. (33K iterations using 50 images in a mini batch)
These trained weights here are used to submit the results of core datasets in the BOP Challenge 2019. Due to the large number of objects for training, the number of iterations are reduced (200 epoch --> 100 epoch).
Download the zip files and extract them to the bop dataset folder e.g., for hb, the extracted files should placed in
- [path to bop dataset]/tless/weight_detection/tless20190927T0827/mask_rcnn_tless_0005.h5
- [path to bop dataset]/tless/pix2pose_weights/[obj_no]
-
YCBV (paper backbone): 2D Mask R-CNN Detection + Pix2Pose weights
-
YCBV (Resnet50 backbone, better performance): 2D Mask R-CNN Detection + Pix2Pose weights
- Kiru Park - email: park@acin.tuwien.ac.at / kirumang@gmail.com