-
segmentation_models.pytorch Public
Forked from qubvel-org/segmentation_models.pytorchSegmentation models with pretrained backbones. PyTorch.
Python MIT License UpdatedMay 15, 2023 -
vit-pytorch Public
Forked from lucidrains/vit-pytorchImplementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
Python MIT License UpdatedMay 9, 2023 -
reinforcement-learning-algorithms Public
Forked from TianhongDai/reinforcement-learning-algorithmsThis 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…
Python UpdatedMar 24, 2023 -
minGPT Public
Forked from karpathy/minGPTA minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
Python MIT License UpdatedFeb 27, 2023 -
transformers Public
Forked from huggingface/transformers🤗 Transformers: State-of-the-art Natural Language Processing for Pytorch, TensorFlow, and JAX.
Python Apache License 2.0 UpdatedFeb 15, 2023 -
pytorch-image-models Public
Forked from huggingface/pytorch-image-modelsPyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
Python Apache License 2.0 UpdatedFeb 15, 2023 -
-
mmdetection Public
Forked from open-mmlab/mmdetectionOpen MMLab Detection Toolbox and Benchmark
Python Apache License 2.0 UpdatedOct 27, 2022 -
model-compression Public
Forked from 666DZY666/micronetmodel 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/x…
Python MIT License UpdatedOct 27, 2022 -
yoloair Public
Forked from iscyy/ultralyticsPro🔥🔥🔥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, NM…
Python GNU General Public License v3.0 UpdatedOct 11, 2022 -
-
External-Attention-pytorch Public
Forked from xmu-xiaoma666/External-Attention-pytorch🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
Python MIT License UpdatedOct 5, 2022 -
Nonuniform-to-Uniform-Quantization Public
Forked from liuzechun/Nonuniform-to-Uniform-QuantizationNonuniform-to-Uniform Quantization: Towards Accurate Quantization via Generalized Straight-Through Estimation. In CVPR 2022.
Python UpdatedApr 28, 2022 -
Smart_Construction Public
Forked from PeterH0323/Smart_ConstructionHead Person Helmet Detection on Construction Sites,基于目标检测工地安全帽和禁入危险区域识别系统,🚀😆附 YOLOv5 训练自己的数据集超详细教程🚀😆2021.3新增可视化界面❗❗
Python GNU General Public License v3.0 UpdatedJan 24, 2022 -
yolov4-pytorch-1 Public
Forked from bubbliiiing/yolov4-pytorch这是一个YoloV4-pytorch的源码,可以用于训练自己的模型。
Python MIT License UpdatedSep 8, 2021 -
BasicSR Public
Forked from XPixelGroup/BasicSROpen 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.
Python UpdatedAug 22, 2021 -
awesome-semantic-segmentation-pytorch Public
Forked from Tramac/awesome-semantic-segmentation-pytorchSemantic Segmentation on PyTorch (include FCN, PSPNet, Deeplabv3, Deeplabv3+, DANet, DenseASPP, BiSeNet, EncNet, DUNet, ICNet, ENet, OCNet, CCNet, PSANet, CGNet, ESPNet, LEDNet, DFANet)
Python Apache License 2.0 UpdatedJul 26, 2021 -
tutorials Public
Forked from pytorch/tutorialsPyTorch tutorials.
Python BSD 3-Clause "New" or "Revised" License UpdatedJul 10, 2021 -
JSON2YOLO Public
Forked from ultralytics/JSON2YOLOConvert JSON annotations into YOLO format.
Python GNU General Public License v3.0 UpdatedJul 2, 2021 -
pytorch-grad-cam Public
Forked from jacobgil/pytorch-grad-camMany Class Activation Map methods implemented in Pytorch for CNNs and Vision Transformers. Including Grad-CAM, Grad-CAM++, Score-CAM, Ablation-CAM and XGrad-CAM
Python MIT License UpdatedJun 8, 2021 -
faster-rcnn-pytorch Public
Forked from bubbliiiing/faster-rcnn-pytorch这是一个faster-rcnn的pytorch实现的库,可以利用voc数据集格式的数据进行训练。
Python MIT License UpdatedApr 7, 2021 -
APoT_Quantization Public
Forked from yhhhli/APoT_QuantizationPyTorch implementation for the APoT quantization (ICLR 2020)
Python UpdatedMar 30, 2021 -
GLCIC-PyTorch Public
Forked from otenim/GLCIC-PyTorchA High-Quality PyTorch Implementation of "Globally and Locally Consistent Image Completion".
Python MIT License UpdatedMar 19, 2021 -
toolbox Public
Forked from ming71/toolboxvarious cv tools, such as label tools, data augmentation, label conversion, etc.
Jupyter Notebook UpdatedFeb 23, 2021 -
UT-Dallas-CS-6301-CNNs Public
Forked from arthurredfern/UT-Dallas-CS-6301-CNNsDeep Learning Class
Python UpdatedFeb 23, 2021 -
Real-World-Masked-Face-Dataset Public
Forked from X-zhangyang/Real-World-Masked-Face-DatasetReal-World Masked Face Dataset,口罩人脸数据集
Python UpdatedJan 12, 2021 -
muzero-general Public
Forked from werner-duvaud/muzero-generalMuZero
Python MIT License UpdatedJan 11, 2021 -
-
yolov5 Public
Forked from ultralytics/yolov5YOLOv5 in PyTorch > ONNX > CoreML > TFLite
Python GNU General Public License v3.0 UpdatedDec 9, 2020 -
TextRecognitionDataGenerator Public
Forked from Belval/TextRecognitionDataGeneratorA synthetic data generator for text recognition
Python MIT License UpdatedNov 30, 2020