Pinned Repositories
attention-transfer
Improving Convolutional Networks via Attention Transfer (ICLR 2017)
BGRU-AttentionPooling
We propose the Bidirectional Gated Recurrent Units (BGRU), which are integrated with the attention mechanism to pay attention to the important information and filter out the noise.
caffe-posenet
Implementation of PoseNet
CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
Codes-for-Lane-Detection
Tensorflow implementation of "Spatial As Deep: Spatial CNN for Traffic Scene Understanding" (AAAI 2018)
deep_sort
Simple Online Realtime Tracking with a Deep Association Metric
deep_sort_yolov3
Real-time Multi-person tracker using YOLO v3 and deep_sort with tensorflow
Detect-Track
Code release for "Detect to Track and Track to Detect", ICCV 2017
Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
pointpillars-on-openvino
YinRui1991's Repositories
YinRui1991/pointpillars-on-openvino
YinRui1991/attention-transfer
Improving Convolutional Networks via Attention Transfer (ICLR 2017)
YinRui1991/BGRU-AttentionPooling
We propose the Bidirectional Gated Recurrent Units (BGRU), which are integrated with the attention mechanism to pay attention to the important information and filter out the noise.
YinRui1991/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
YinRui1991/Codes-for-Lane-Detection
Tensorflow implementation of "Spatial As Deep: Spatial CNN for Traffic Scene Understanding" (AAAI 2018)
YinRui1991/deep_sort
Simple Online Realtime Tracking with a Deep Association Metric
YinRui1991/deep_sort_yolov3
Real-time Multi-person tracker using YOLO v3 and deep_sort with tensorflow
YinRui1991/Detect-Track
Code release for "Detect to Track and Track to Detect", ICCV 2017
YinRui1991/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
YinRui1991/facenet
Face recognition using Tensorflow
YinRui1991/finetune_alexnet_with_tensorflow
Code for finetuning AlexNet in TensorFlow >= 1.2rc0
YinRui1991/hourglasstensorlfow
Tensorflow implementation of Stacked Hourglass Networks for Human Pose Estimation
YinRui1991/LaneDetection_End2End
End-to-end Lane Detection for Self-Driving Cars
YinRui1991/lanenet-lane-detection
Implemention of lanenet model for real time lane detection using deep neural network model https://maybeshewill-cv.github.io/lanenet-lane-detection/
YinRui1991/lighttrack
Code for paper "LightTrack: A Generic Framework for Online Top-Down Human Pose Tracking"
YinRui1991/Multitarget-tracker
Hungarian algorithm + Kalman filter multitarget tracker implementation.
YinRui1991/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
YinRui1991/PaddlePoseC3D
YinRui1991/pose-residual-network
Code for the Pose Residual Network introduced in 'MultiPoseNet: Fast Multi-Person Pose Estimation using Pose Residual Network (ECCV 2018)' paper
YinRui1991/PoseEstimationForMobile
YinRui1991/pytorch-yolo-v3
A PyTorch implementation of the YOLO v3 object detection algorithm
YinRui1991/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
YinRui1991/Realtime_Multi-Person_Pose_Estimation
Code repo for realtime multi-person pose estimation in CVPR'17 (Oral)
YinRui1991/robustTemplateMatching
Implementation of Robust Template Matching Using Scale-Adaptive Deep Convolutional Features
YinRui1991/shufflenet-v2-tensorflow
a lightweight convolutional neural network
YinRui1991/ShuffleNet_V2-caffe
This is caffe implementation of shuffleNet V2
YinRui1991/tensorflow-cnn-finetune
Finetuning AlexNet, VGGNet and ResNet with TensorFlow
YinRui1991/tensorflow_multigpu_imagenet
Tensorflow code for training different architectures(DenseNet, ResNet, AlexNet, GoogLeNet, VGG, NiN) on ImageNet dataset + Multi-GPU support + Transfer Learning support
YinRui1991/TF-deformable-conv
Implementation of deformable convolution as an operation in tensorflow
YinRui1991/tf-pose-estimation
Deep Pose Estimation implemented using Tensorflow with Custom Architectures for fast inference.