PKUCheng's Stars
hlzz/DeepMatchVO
Implementation of ICRA 2019 paper: Beyond Photometric Loss for Self-Supervised Ego-Motion Estimation
MightyChaos/LKVOLearner
Learning Depth from Monocular Videos using Direct Methods, CVPR 2018
vdumoulin/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
danxuhk/ContinuousCRF-CNN
Multi-Scale Continuous CRFs as Sequential Deep Networks for Monocular Depth Estimation in CVPR 2017 (Spotlight)
Po-Hsun-Su/pytorch-ssim
pytorch structural similarity (SSIM) loss
multimodallearning/pytorch-mask-rcnn
facebookresearch/maskrcnn-benchmark
Fast, modular reference implementation of Instance Segmentation and Object Detection algorithms in PyTorch.
dalgu90/resnet-18-tensorflow
ResNet-18 TensorFlow Implementation including conversion of torch .t7 weights into tensorflow ckpt
tensorflow/models
Models and examples built with TensorFlow
ClementPinard/FlowNetPytorch
Pytorch implementation of FlowNet by Dosovitskiy et al.
NVIDIA/flownet2-pytorch
Pytorch implementation of FlowNet 2.0: Evolution of Optical Flow Estimation with Deep Networks
junyanz/pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
Jinxiaohai/OpenCV
计算机视觉OpenCV库的练习。
ChiWeiHsiao/DeepVO-pytorch
PyTorch Implementation of DeepVO
mrzhu-cool/pix2pix-pytorch
PyTorch implementation of "Image-to-Image Translation Using Conditional Adversarial Networks".
phillipi/pix2pix
Image-to-image translation with conditional adversarial nets
pytorch/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
hazirbas/poselstm-pytorch
PyTorch implementation of PoseLSTM and PoseNet
Ewenwan/MVision
机器人视觉 移动机器人 VS-SLAM ORB-SLAM2 深度学习目标检测 yolov3 行为检测 opencv PCL 机器学习 无人驾驶
ClementPinard/SfmLearner-Pytorch
Pytorch version of SfmLearner from Tinghui Zhou et al.
yzcjtr/GeoNet
Code for GeoNet: Unsupervised Learning of Dense Depth, Optical Flow and Camera Pose (CVPR 2018)
tinghuiz/SfMLearner
An unsupervised learning framework for depth and ego-motion estimation from monocular videos
caicloud/tensorflow-tutorial
Example TensorFlow codes and Caicloud TensorFlow as a Service dev environment.
eriklindernoren/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
matterport/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
BertaBescos/DynaSLAM
DynaSLAM is a SLAM system robust in dynamic environments for monocular, stereo and RGB-D setups
HKUST-Aerial-Robotics/VINS-Mono
A Robust and Versatile Monocular Visual-Inertial State Estimator
raulmur/ORB_SLAM2
Real-Time SLAM for Monocular, Stereo and RGB-D Cameras, with Loop Detection and Relocalization Capabilities