Pinned Repositories
awesome-deep-vision
A curated list of deep learning resources for computer vision
babyai
BabyAI platform. A testbed for training agents to understand and execute language commands.
baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
BilateralVideoSegmentation
Implementation of Bilateral Space Video Segmentation [Maerki et al CVPR 2016]
carla
Open-source simulator for autonomous driving research.
COB
Convolutional Oriented Boundaries
colorization
Demo code for Colorful Image Colorization.
CS7649-HW1
darknet
Convolutional Neural Networks
faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
zhefan's Repositories
zhefan/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
zhefan/awesome-deep-vision
A curated list of deep learning resources for computer vision
zhefan/babyai
BabyAI platform. A testbed for training agents to understand and execute language commands.
zhefan/baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
zhefan/carla
Open-source simulator for autonomous driving research.
zhefan/darknet
Convolutional Neural Networks
zhefan/deeplab-pytorch
PyTorch implementation of DeepLab (ResNet) + COCO-Stuff
zhefan/DeepRL
Modularized Implementation of Deep RL Algorithms in PyTorch
zhefan/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
zhefan/dlib
A toolkit for making real world machine learning and data analysis applications in C++
zhefan/facenet
Face recognition using Tensorflow
zhefan/faster_rcnn_pytorch
Faster RCNN with PyTorch
zhefan/FastMaskRCNN
Mask RCNN in TensorFlow
zhefan/GOTURN
Source code for paper: Learning to Track at 100 FPS with Deep Regression Networks, Held, et al. ECCV 2016
zhefan/gpmp2
Gaussian Process Motion Planner 2
zhefan/Hierarchical-Actor-Critic-HAC-PyTorch
PyTorch implementation of Hierarchical Actor Critic (HAC) for OpenAI gym environments
zhefan/models
Models built with TensorFlow
zhefan/ObjectFlow
Implemenation of the paper: "Video Segmentation via Object Flow", Y.-H. Tsai, M.-H. Yang and M. J. Black, CVPR 2016
zhefan/openface
Face recognition with deep neural networks.
zhefan/pointnet.pytorch
pytorch implementation for "PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation" https://arxiv.org/abs/1612.00593
zhefan/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
zhefan/PyGame-Learning-Environment
PyGame Learning Environment (PLE) -- Reinforcement Learning Environment in Python.
zhefan/pytorch-a3c
PyTorch implementation of Asynchronous Advantage Actor Critic (A3C) from "Asynchronous Methods for Deep Reinforcement Learning".
zhefan/reinforcement-learning
Reinforcement learning baseline agent trained with the Actor-critic (A3C) algorithm.
zhefan/rl-baselines3-zoo
A collection of pre-trained RL agents using Stable Baselines3, training and hyperparameter optimization included.
zhefan/ros-travis-integration
ROS package continuous integration using travis-CI
zhefan/SGI
Official code for "Pretraining Representations For Data-Efficient Reinforcement Learning" (NeurIPS 2021)
zhefan/tensorflow-fcn
An Implementation of Fully Convolutional Networks in Tensorflow.
zhefan/test_ci
zhefan/TFFRCNN
FastER RCNN built on tensorflow