Pinned Repositories
21LPCV-UAV-Solution
3d-bounding-box-estimation-for-autonomous-driving
3d bounding box estimation from monocular image based on 2d bounding box
3D-ObjectDetection-and-Pose-Estimation
3D目标检测与位姿估计学习笔记
apc-vision-toolbox
MIT-Princeton Vision Toolbox for the Amazon Picking Challenge 2016 - RGB-D ConvNet-based object segmentation and 6D object pose estimation.
facenet
FaceNet for face recognition using pytorch
GDLnotes
Google Deep Learning Notes(TensorFlow教程)
How-to-Be-A-Programmer-CN
[译]如何做好一枚程序员
keras-dogs
a baseline for baidu dog classification competition.
layered-scene-inference
Code accompanying the paper "Layer-structured 3D Scene Inference via View Synthesis", ECCV 2018
windy-afternoon
Gitbook based Blog, Android, Linux, Deep Learning, Computer Vision
jarygrace's Repositories
jarygrace/3D-Point-Cloud-Processing
Master MVA, ENS Cachan, France: 3D Point Cloud Processing. Implementation of the research article "Segmentation Based Classification of 3D Urban Point Clouds". Very large data processing techniques using kdtree (scikit-learn API), feature computations on 3D points cloud. (Python, Scikit-Learrn))
jarygrace/3D_object_recognition
recognize and localize an object in 3D Point Cloud scene using VFH - SVMs based method and 3D-CNNs method
jarygrace/6-PACK
"6-PACK: Category-level 6D Pose Tracker with Anchor-Based Keypoints" code repository
jarygrace/AugmentedAutoencoder
Official Code: Implicit 3D Orientation Learning for 6D Object Detection from RGB Images
jarygrace/bullet3
Bullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics, machine learning etc.
jarygrace/CodingInterviewsNotes
涵盖C++ Primer 5th、 effective C++ 、 STL api和demos C++ 基础知识与理论、 智能指针、C++11、 Git教程 Linux命令 Unix操作系统(进程、线程、内存管理、信号)计算机网络、 数据结构(排序、查找)、数据库、、C++对象模型、 设计模式、算法(《剑指offer》、leetcode、lintcode、hihocoder、《王道程序员求职宝典》)、面试题、嵌入式相关等
jarygrace/CS-Notes
:books: 技术面试必备基础知识、Leetcode、计算机操作系统、计算机网络、系统设计、Java、Python、C++
jarygrace/cube_slam
CubeSLAM: Monocular 3D Object Detection and SLAM
jarygrace/cuboid_abstraction
Code release for "Learning Adaptive Hierarchical Cuboid Abstractions of 3D Shape Collections" (SIGGRAPH Asia 2019)
jarygrace/cul-python3
python3 codes
jarygrace/Dataset_Synthesizer
NVIDIA Deep learning Dataset Synthesizer (NDDS)
jarygrace/deepmind-research
This repository contains implementations and illustrative code to accompany DeepMind publications
jarygrace/ICRA2019-paper-list
ICRA2019 paper list from PaopaoRobot
jarygrace/ml-visuals
Visuals contains figures and templates which you can reuse and customize to improve your scientific writing.
jarygrace/MVision
机器人视觉 移动机器人 VS-SLAM ORB-SLAM2 深度学习目标检测 yolov3 行为检测 opencv PCL 机器学习 无人驾驶
jarygrace/NEU_Detection_egg
创新项目2019——鸡蛋自动捡取
jarygrace/Object-RPE
jarygrace/PointCloudVolumeMeasure
点云测体积Demo:用Kinect+PCL点云库测量方体体积。
jarygrace/PVN3D
A Deep Point-wise 3D Keypoints Hough Voting Network for 6DoF Pose Estimation
jarygrace/pyntcloud
pyntcloud is a Python library for working with 3D point clouds.
jarygrace/PyTorch-Networks
Pytorch implementation of cnn network
jarygrace/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
jarygrace/pytorch_segmentation
Semantic segmentation models, datasets and losses implemented in PyTorch.
jarygrace/RetinaNet_Tensorflow_Rotation
Focal Loss for Dense Rotation Object Detection
jarygrace/semantic-segmentation-pytorch
Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset
jarygrace/ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
jarygrace/vision
Datasets, Transforms and Models specific to Computer Vision
jarygrace/yolact
A simple, fully convolutional model for real-time instance segmentation.
jarygrace/Yolact_minimal
Minimal PyTorch implementation of YOLACT.
jarygrace/Yolo_mark
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2