Pinned Repositories
AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
AlignedReID-Re-Production-Pytorch
Reproduce AlignedReID: Surpassing Human-Level Performance in Person Re-Identification, using Pytorch.
awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
BoxCars
Source code related to BoxCars publication
DenseNet
Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award).
densenet-pytorch
A PyTorch Implementation for Densely Connected Convolutional Networks (DenseNets)
DensityPeakCluster
A cluster framework for 'Clustering by fast search and find of density peaks' in science 2014.
Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
dotfiles
Dotfiles of PytLab
wanglixiagithub's Repositories
wanglixiagithub/AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
wanglixiagithub/AlignedReID-Re-Production-Pytorch
Reproduce AlignedReID: Surpassing Human-Level Performance in Person Re-Identification, using Pytorch.
wanglixiagithub/awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
wanglixiagithub/DenseNet
Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award).
wanglixiagithub/densenet-pytorch
A PyTorch Implementation for Densely Connected Convolutional Networks (DenseNets)
wanglixiagithub/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
wanglixiagithub/dotfiles
Dotfiles of PytLab
wanglixiagithub/efficient_densenet_pytorch
A memory-efficient implementation of DenseNets
wanglixiagithub/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
wanglixiagithub/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
wanglixiagithub/faster_rcnn_pytorch
Faster RCNN with PyTorch
wanglixiagithub/GFocal
Generalized Focal Loss: Learning Qualified and Distributed Bounding Boxes for Dense Object Detection
wanglixiagithub/leetcode_learnprocess
try to remenber the process
wanglixiagithub/markdown-portfolio
wanglixiagithub/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
wanglixiagithub/mmdetection
Open MMLab Detection Toolbox
wanglixiagithub/open-reid
Open source person re-identification library in python
wanglixiagithub/pcl
Point Cloud Library (PCL)
wanglixiagithub/pcl_installation
wanglixiagithub/pointnet
PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation
wanglixiagithub/pointnet2
PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space
wanglixiagithub/PU-Net
PU-Net: Point Cloud Upsampling Network (https://arxiv.org/abs/1801.06761)
wanglixiagithub/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
wanglixiagithub/pytorch-yolo-v3
A PyTorch implementation of the YOLO v3 object detection algorithm
wanglixiagithub/ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
wanglixiagithub/SVDNet-for-Pedestrian-Retrieval
Code for https://arxiv.org/abs/1703.05693
wanglixiagithub/tensorflow
Computation using data flow graphs for scalable machine learning
wanglixiagithub/the-incredible-pytorch
The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.
wanglixiagithub/transferlearning
Everything about Transfer Learning and Domain Adaptation--迁移学习
wanglixiagithub/yolo2-pytorch
YOLOv2 in PyTorch