Pinned Repositories
AI-Job-Notes
AI算法岗求职攻略(涵盖准备攻略、刷题指南、内推和AI公司清单等资料)
albumentations
Fast image augmentation library and easy to use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about library: https://www.mdpi.com/2078-2489/11/2/125
attention-module
Official PyTorch code for "BAM: Bottleneck Attention Module (BMVC2018)" and "CBAM: Convolutional Block Attention Module (ECCV2018)"
awesome-data-augmentation
This is a list of awesome methods about data augmentation.
awesome-human-pose-estimation
A collection of awesome resources in Human Pose estimation.
awesome-image-classification
A curated list of deep learning image classification papers and codes
centerNet-deep-sort
realtime multiple people tracking (centerNet based person detector + deep sort algorithm with pytorch)
deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
models
Models and examples built with TensorFlow
pytorch_simple_CenterNet_45
A simple pytorch implementation of CenterNet (Objects as Points)
A154609's Repositories
A154609/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
A154609/AI-Job-Notes
AI算法岗求职攻略(涵盖准备攻略、刷题指南、内推和AI公司清单等资料)
A154609/awesome-data-augmentation
This is a list of awesome methods about data augmentation.
A154609/biasloss_and_skipnet_evaluation
Code for the evaluation of SkipNet model on ImageNet validation set
A154609/CBAM.PyTorch
Non-official implement of Paper:CBAM: Convolutional Block Attention Module
A154609/CVPR2021-Paper-Code-Interpretation
cvpr2021/cvpr2020/cvpr2019/cvpr2018/cvpr2017 论文/代码/解读/直播合集,极市团队整理
A154609/data-augmentation-review
List of useful data augmentation resources. You will find here some not common techniques, libraries, links to github repos, papers and others.
A154609/data-science-competition
该仓库用于记录和定期提供各大数据科学竞赛的赛事消息和原创baseline,思路分享以及博主的一些竞赛心得和学习资料等. 主要涵盖:kaggle, 阿里天池,华为云大赛校园赛,百度aistudio,和鲸社区,datafountain等
A154609/DiverseBranchBlock
Diverse Branch Block: Building a Convolution as an Inception-like Unit
A154609/flops-counter.pytorch
Flops counter for convolutional networks in pytorch framework
A154609/ICCV2021-Papers-with-Code-Demo
ICCV 2021 paper with code
A154609/image_augmentor
Data augmentation tool for images
A154609/imbalanced-dataset-sampler
A (PyTorch) imbalanced dataset sampler for oversampling low frequent classes and undersampling high frequent ones.
A154609/lanenet-lane-detection
Unofficial implemention of lanenet model for real time lane detection using deep neural network model https://maybeshewill-cv.github.io/lanenet-lane-detection/
A154609/mall-learning
mall学习教程,架构、业务、技术要点全方位解析。mall项目(40k+star)是一套电商系统,使用现阶段主流技术实现。涵盖了SpringBoot 2.3.0、MyBatis 3.4.6、Elasticsearch 7.6.2、RabbitMQ 3.7.15、Redis 5.0、MongoDB 4.2.5、Mysql5.7等技术,采用Docker容器化部署。
A154609/maskrcnn-benchmark
Fast, modular reference implementation of Instance Segmentation and Object Detection algorithms in PyTorch.
A154609/mixmo-pytorch
Official Pytorch implementation of MixMo framework
A154609/mmdetection
OpenMMLab Detection Toolbox and Benchmark
A154609/MMMC
A154609/mobile-yolov5-pruning-distillation
mobilev2-yolov5s剪枝、蒸馏,支持ncnn,tensorRT部署。ultra-light but better performence!
A154609/ObjectDetection
A154609/pytorch-cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
A154609/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
A154609/pytorch-lightning
The lightweight PyTorch wrapper for high-performance AI research. Scale your models, not the boilerplate.
A154609/pytorch-OpCounter
Count the MACs / FLOPs of your PyTorch model.
A154609/RepVGG
RepVGG: Making VGG-style ConvNets Great Again
A154609/ssd-pytorch
基于pytorch版ssd进行改进注入CBAM空间通道注意力机制,加入FPN,类别损失函数改为focalloss
A154609/X-SDD-A-New-benchmark
A154609/yolov5
YOLOv5 in PyTorch > ONNX > CoreML > TFLite
A154609/YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with ONNX, TensorRT, ncnn, and OpenVINO supported.