Pinned Repositories
awesome-semantic-segmentation-pytorch
Semantic Segmentation on PyTorch (include FCN, PSPNet, Deeplabv3, Deeplabv3+, DANet, DenseASPP, BiSeNet, EncNet, DUNet, ICNet, ENet, OCNet, CCNet, PSANet, CGNet, ESPNet, LEDNet, DFANet)
CenterNet
CenterNet / FCOS_PLUS/MatrixNets implemented by mmdetection
CR-DA-DET
The official PyTorch implementation of paper Exploring Categorical Regularization for Domain Adaptive Object Detection (CR-DA-DET)
CycleGAN
Software that can generate photos from paintings, turn horses into zebras, perform style transfer, and more.
da-faster-rcnn
An implementation of our CVPR 2018 work 'Domain Adaptive Faster R-CNN for Object Detection in the Wild'
DA_Detection
Implementation of "Strong-Weak Distribution Alignment for Adaptive Object Detection"
darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
detr
End-to-End Object Detection with Transformers
models
Models and examples built with TensorFlow
PytorchSSD
pytorch version of SSD and it's enhanced methods such as RFBSSD,FSSD and RefineDet.
Taotaoxu's Repositories
Taotaoxu/da-faster-rcnn
An implementation of our CVPR 2018 work 'Domain Adaptive Faster R-CNN for Object Detection in the Wild'
Taotaoxu/DA_Detection
Implementation of "Strong-Weak Distribution Alignment for Adaptive Object Detection"
Taotaoxu/PytorchSSD
pytorch version of SSD and it's enhanced methods such as RFBSSD,FSSD and RefineDet.
Taotaoxu/awesome-semantic-segmentation-pytorch
Semantic Segmentation on PyTorch (include FCN, PSPNet, Deeplabv3, Deeplabv3+, DANet, DenseASPP, BiSeNet, EncNet, DUNet, ICNet, ENet, OCNet, CCNet, PSANet, CGNet, ESPNet, LEDNet, DFANet)
Taotaoxu/CenterNet
CenterNet / FCOS_PLUS/MatrixNets implemented by mmdetection
Taotaoxu/CR-DA-DET
The official PyTorch implementation of paper Exploring Categorical Regularization for Domain Adaptive Object Detection (CR-DA-DET)
Taotaoxu/CycleGAN
Software that can generate photos from paintings, turn horses into zebras, perform style transfer, and more.
Taotaoxu/darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
Taotaoxu/detr
End-to-End Object Detection with Transformers
Taotaoxu/Hi3559AV100_SDK_V2.0.2.0
Sample of Hi3559AV100_SDK_V2.0.2.0
Taotaoxu/Distance-IoU-Loss-Faster-and-Better-Learning-for-Bounding-Box-Regression
Distance-IoU Loss: Faster and Better Learning for Bounding Box Regression
Taotaoxu/distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://intellabs.github.io/distiller
Taotaoxu/Domain-Adaptive-Faster-RCNN-PyTorch
Domain Adaptive Faster R-CNN in PyTorch
Taotaoxu/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
Taotaoxu/FCOS
FCOS: Fully Convolutional One-Stage Object Detection
Taotaoxu/GNNPapers
Must-read papers on graph neural networks (GNN)
Taotaoxu/HTCN
Implementation of "Harmonizing Transferability and Discriminability for Adapting Object Detectors" (CVPR 2020)
Taotaoxu/Knowledge-Distillation-Zoo
Pytorch implementation of various Knowledge Distillation (KD) methods.
Taotaoxu/ml-agents
Unity Machine Learning Agents Toolkit
Taotaoxu/pytorch-retinanet
Pytorch implementation of RetinaNet object detection.
Taotaoxu/SSD
High quality, fast, modular reference implementation of SSD in PyTorch 1.0
Taotaoxu/SSD-ResNet-PyTorch
An SSD implementation using PyTorch and a ResNet backbone.
Taotaoxu/SSD.TensorFlow
State-of-the-art Single Shot MultiBox Detector in Pure TensorFlow, QQ Group: 758790869
Taotaoxu/Taotaoxu.github.io
my website.
Taotaoxu/task-distillation
Code for Domain Adaptation Through Task Distillation (ECCV 20)
Taotaoxu/TDRN
A Dual Refinement Mechanism for Real-World Visual Detection
Taotaoxu/tensorflow-plot
📈 TensorFlow + Matplotlib as TF ops
Taotaoxu/torchdistill
A coding-free framework built on PyTorch for reproducible deep learning studies. 🏆20 knowledge distillation methods presented at CVPR, ICLR, ECCV, NeurIPS, ICCV, etc are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy and benchmark.
Taotaoxu/voc2coco
Convert pascol voc annotation xml to COCO json format.
Taotaoxu/YOLObile
This is the implementation of YOLObile: Real-Time Object Detection on Mobile Devices via Compression-Compilation Co-Design