Pinned Repositories
deep-RL-elements
Deep RL algorithm in pytorch
minimalRL
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
reinforcement_learning_projects
Using (deep) reinforcement_learning algorithm to practice on OpenAI Gym, Unity ML-Agents,and other virtual environments. Using Python ,Pytorch
Deep-reinforcement-learning-with-pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
RL-Adventure-2
PyTorch0.4 implementation of: actor critic / proximal policy optimization / acer / ddpg / twin dueling ddpg / soft actor critic / generative adversarial imitation learning / hindsight experience replay
DeepRL
Modularized Implementation of Deep RL Algorithms in PyTorch
ACoL
Adversarial Complementary Learning for Weakly Supervised Object Localization
adda
AdversarialBinaryCoding4ReID
Codes of the paper "Adversarial Binary Coding for Efficient Person Re-identification"
AlignedReID-Re-Production-Pytorch
Reproduce AlignedReID: Surpassing Human-Level Performance in Person Re-Identification, using Pytorch.
xiaolonghao's Repositories
xiaolonghao/segmentation_models.pytorch
Segmentation models with pretrained backbones. PyTorch.
xiaolonghao/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
xiaolonghao/reinforcement-learning-algorithms
This repository contains most of pytorch implementation based classic deep reinforcement learning algorithms, including - DQN, DDQN, Dueling Network, DDPG, SAC, A2C, PPO, TRPO. (More algorithms are still in progress)
xiaolonghao/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
xiaolonghao/transformers
🤗 Transformers: State-of-the-art Natural Language Processing for Pytorch, TensorFlow, and JAX.
xiaolonghao/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
xiaolonghao/mmdetection_tools
xiaolonghao/mmdetection
Open MMLab Detection Toolbox and Benchmark
xiaolonghao/model-compression
model compression based on pytorch (1、quantization: 16/8/4/2 bits(dorefa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、ternary/binary value(twn/bnn/xnor-net);2、 pruning: normal、regular and group convolutional channel pruning;3、 group convolution structure;4、batch-normalization folding for quantization)
xiaolonghao/yoloair
🔥🔥🔥YOLOv5, YOLOv6, YOLOv7, PPYOLOE, YOLOX, YOLOR, YOLOv4, YOLOv3, PPYOLO, PPYOLOv2, Transformer, Attention, TOOD and Improved-YOLOv5-YOLOv7... Support to improve backbone, neck, head, loss, IoU, NMS and other modules🚀
xiaolonghao/transform_xml_json_txt
xiaolonghao/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
xiaolonghao/Nonuniform-to-Uniform-Quantization
Nonuniform-to-Uniform Quantization: Towards Accurate Quantization via Generalized Straight-Through Estimation. In CVPR 2022.
xiaolonghao/Smart_Construction
Head Person Helmet Detection on Construction Sites,基于目标检测工地安全帽和禁入危险区域识别系统,🚀😆附 YOLOv5 训练自己的数据集超详细教程🚀😆2021.3新增可视化界面❗❗
xiaolonghao/yolov4-pytorch-1
这是一个YoloV4-pytorch的源码,可以用于训练自己的模型。
xiaolonghao/BasicSR
Open Source Image and Video Restoration Toolbox for Super-resolution, Denoise, Deblurring, etc. Currently, it includes EDSR, RCAN, SRResNet, SRGAN, ESRGAN, EDVR, etc. Also support StyleGAN2, DFDNet.
xiaolonghao/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)
xiaolonghao/tutorials
PyTorch tutorials.
xiaolonghao/JSON2YOLO
Convert JSON annotations into YOLO format.
xiaolonghao/pytorch-grad-cam
Many Class Activation Map methods implemented in Pytorch for CNNs and Vision Transformers. Including Grad-CAM, Grad-CAM++, Score-CAM, Ablation-CAM and XGrad-CAM
xiaolonghao/faster-rcnn-pytorch
这是一个faster-rcnn的pytorch实现的库,可以利用voc数据集格式的数据进行训练。
xiaolonghao/APoT_Quantization
PyTorch implementation for the APoT quantization (ICLR 2020)
xiaolonghao/GLCIC-PyTorch
A High-Quality PyTorch Implementation of "Globally and Locally Consistent Image Completion".
xiaolonghao/toolbox
various cv tools, such as label tools, data augmentation, label conversion, etc.
xiaolonghao/UT-Dallas-CS-6301-CNNs
Deep Learning Class
xiaolonghao/Real-World-Masked-Face-Dataset
Real-World Masked Face Dataset,口罩人脸数据集
xiaolonghao/muzero-general
MuZero
xiaolonghao/tools
xiaolonghao/yolov5
YOLOv5 in PyTorch > ONNX > CoreML > TFLite
xiaolonghao/TextRecognitionDataGenerator
A synthetic data generator for text recognition