SoK: Vehicle Orientation Representations for Deep Rotation Estimation

Overview

SoK: Vehicle Orientation Representations for Deep Rotation Estimation

Raymond H. Tu, Siyuan Peng, Valdimir Leung, Richard Gao, Jerry Lan

This is the official implementation for the paper SoK: Vehicle Orientation Representations for Deep Rotation Estimation

Model Diagram

Table of Conents

Envrionment Setup

Install required packages via conda

# create conda environment based on yml file
conda env update --file environment.yml
# activate conda environment
conda activate KITTI-Orientation

Clone git repo:

git clone [email protected]:umd-fire-coml/KITTI-orientation-learning.git

Training

Check training.sh for example training script

Training Parameter setup:

Training parameters can be configured using cmd arguments

  • --predict: Specify prediction target. Options are rot-y, alpha
  • --converter: Specify prediction method. Options are alpha, rot-y, tricosine, multibin, voting-bin, single-bin
  • --kitti_dir: path to kitti dataset directory. Its subdirectory should have training/ and testing/ Default path is dataset/
  • --training_record: root directory of all training record, parent of weights and logs directory. Default path is training_record
  • --resume: Resume from previous training under training_record directory
  • --add_pos_enc: Add positional encoding to input
  • --add_depth_map: Add depth map information to input

For all the training parameter setup, please using

python3 model/training.py -h

Training Result

Exp ID Target Loss Functions Additional Inputs Accuracy (%)
E1 rot-y L2 Loss - 90.490
E2 rot-y Angle Loss - 89.052
E3 alpha L2 Loss - 90.132
E4 Single Bin L2 Loss - 94.815
E5 Single Bin L2 Loss Pos Enc 94.277
E6 Single Bin L2 Loss Dep Map 93.952
E7 Voting Bins (4-Bin) L2 Loss - 93.609
E8 Tricosine L2 Loss - 94.249
E9 Tricosine L2 Loss Pos Enc 94.351
E10 Tricosine L2 Loss Dep Map 94.384
E11 2 Conf Bins L2(Bins,Confs) - 83.304
E12 4 Conf Bins L2(Bins,Confs) - 88.071
Owner
FIRE Capital One Machine Learning of the University of Maryland
FIRE Capital One Machine Learning is a Course-based Undergrad Research Experience that provides undergrad students with research experience in Machine Learning.
FIRE Capital One Machine Learning of the University of Maryland
Demo for Real-time RGBD-based Extended Body Pose Estimation paper

Real-time RGBD-based Extended Body Pose Estimation This repository is a real-time demo for our paper that was published at WACV 2021 conference The ou

Renat Bashirov 118 Dec 26, 2022
Code & Data for Enhancing Photorealism Enhancement

Code & Data for Enhancing Photorealism Enhancement

Intel ISL (Intel Intelligent Systems Lab) 1.1k Jan 08, 2023
A PyTorch Toolbox for Face Recognition

FaceX-Zoo FaceX-Zoo is a PyTorch toolbox for face recognition. It provides a training module with various supervisory heads and backbones towards stat

JDAI-CV 1.6k Jan 06, 2023
[SDM 2022] Towards Similarity-Aware Time-Series Classification

SimTSC This is the PyTorch implementation of SDM2022 paper Towards Similarity-Aware Time-Series Classification. We propose Similarity-Aware Time-Serie

Daochen Zha 49 Dec 27, 2022
Full body anonymization - Realistic Full-Body Anonymization with Surface-Guided GANs

Realistic Full-Body Anonymization with Surface-Guided GANs This is the official

Håkon Hukkelås 30 Nov 18, 2022
Predict multi paths to a moving person depending on his trajectory history.

Multi-future Trajectory Prediction The project is about using the Multiverse model to make possible multible-future trajectory prediction for a seen p

Said Gamal 1 Jan 18, 2022
SelfAugment extends MoCo to include automatic unsupervised augmentation selection.

SelfAugment extends MoCo to include automatic unsupervised augmentation selection. In addition, we've included the ability to pretrain on several new datasets and included a wandb integration.

Colorado Reed 24 Oct 26, 2022
HomoInterpGAN - Homomorphic Latent Space Interpolation for Unpaired Image-to-image Translation

HomoInterpGAN Homomorphic Latent Space Interpolation for Unpaired Image-to-image Translation (CVPR 2019, oral) Installation The implementation is base

Ying-Cong Chen 99 Nov 15, 2022
Official implementation for the paper: Generating Smooth Pose Sequences for Diverse Human Motion Prediction

Generating Smooth Pose Sequences for Diverse Human Motion Prediction This is official implementation for the paper Generating Smooth Pose Sequences fo

Wei Mao 28 Dec 10, 2022
Pytorch implementation of our paper under review -- 1xN Pattern for Pruning Convolutional Neural Networks

1xN Pattern for Pruning Convolutional Neural Networks (paper) . This is Pytorch re-implementation of "1xN Pattern for Pruning Convolutional Neural Net

Mingbao Lin (林明宝) 29 Nov 29, 2022
[ICML 2021] Break-It-Fix-It: Learning to Repair Programs from Unlabeled Data

Break-It-Fix-It: Learning to Repair Programs from Unlabeled Data This repo provides the source code & data of our paper: Break-It-Fix-It: Unsupervised

Michihiro Yasunaga 86 Nov 30, 2022
Collection of TensorFlow2 implementations of Generative Adversarial Network varieties presented in research papers.

TensorFlow2-GAN Collection of tf2.0 implementations of Generative Adversarial Network varieties presented in research papers. Model architectures will

41 Apr 28, 2022
A Python package for generating concise, high-quality summaries of a probability distribution

GoodPoints A Python package for generating concise, high-quality summaries of a probability distribution GoodPoints is a collection of tools for compr

Microsoft 28 Oct 10, 2022
Character Controllers using Motion VAEs

Character Controllers using Motion VAEs This repo is the codebase for the SIGGRAPH 2020 paper with the title above. Please find the paper and demo at

Electronic Arts 165 Jan 03, 2023
Rethinking the U-Net architecture for multimodal biomedical image segmentation

MultiResUNet Rethinking the U-Net architecture for multimodal biomedical image segmentation This repository contains the original implementation of "M

Nabil Ibtehaz 308 Jan 05, 2023
ImageNet-CoG is a benchmark for concept generalization. It provides a full evaluation framework for pre-trained visual representations which measure how well they generalize to unseen concepts.

The ImageNet-CoG Benchmark Project Website Paper (arXiv) Code repository for the ImageNet-CoG Benchmark introduced in the paper "Concept Generalizatio

NAVER 23 Oct 09, 2022
PyTorch code to run synthetic experiments.

Code repository for Invariant Risk Minimization Source code for the paper: @article{InvariantRiskMinimization, title={Invariant Risk Minimization}

Facebook Research 345 Dec 12, 2022
Pytorch implementation of Nueral Style transfer

Nueral Style Transfer Pytorch implementation of Nueral style transfer algorithm , it is used to apply artistic styles to content images . Content is t

Abhinav 9 Oct 15, 2022
Implementation of Multistream Transformers in Pytorch

Multistream Transformers Implementation of Multistream Transformers in Pytorch. This repository deviates slightly from the paper, where instead of usi

Phil Wang 47 Jul 26, 2022
This repository contains the reference implementation for our proposed Convolutional CRFs.

ConvCRF This repository contains the reference implementation for our proposed Convolutional CRFs in PyTorch (Tensorflow planned). The two main entry-

Marvin Teichmann 553 Dec 07, 2022