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/pytorch_simple_CenterNet_45
A simple pytorch implementation of CenterNet (Objects as Points)
A154609/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
A154609/awesome-human-pose-estimation
A collection of awesome resources in Human Pose estimation.
A154609/awesome-image-classification
A curated list of deep learning image classification papers and codes
A154609/CenterNet-1
Object detection, 3D detection, and pose estimation using center point detection:
A154609/CornerNet
A154609/CV-Company-List
**提供计算机视觉(CV)算法岗位的公司名单,欢迎大家提交issues进行补充
A154609/DeepVOG
Pupil segmentation and gaze estimation using fully convolutional neural networks
A154609/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
A154609/detectron2
Detectron2 is FAIR's next-generation platform for object detection and segmentation.
A154609/ECANet
Code for ECA-Net: Efficient Channel Attention for Deep Convolutional Neural Networks
A154609/efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
A154609/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
A154609/gluon-cv
Gluon CV Toolkit
A154609/imageset-viewer
Pascal VOC BBox Viewer
A154609/MobileNet-Yolo
MobileNetV2-YoloV3-Nano: 0.5BFlops 3MB HUAWEI P40: 6ms/img, YoloFace-500k:0.1Bflops 420KB:fire::fire::fire:
A154609/PlotNeuralNet
Latex code for making neural networks diagrams
A154609/ppdet
[BMVC-20] Official PyTorch implementation of PPDet.
A154609/pytorch-best-practice
A Guidance on PyTorch Coding Style Based on Kaggle Dogs vs. Cats
A154609/pytorch-metrics
Accuracy, precision, recall, confusion matrix computation with batch updates
A154609/pytorch_classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
A154609/ScaledYOLOv4
A154609/simple-retinanet-pytorch
Rtinanet implement in pytorch.
A154609/SmallObjectAugmentation
Simple implementation of augmentation for small object detection
A154609/SSD
High quality, fast, modular reference implementation of SSD in PyTorch
A154609/transferlearning
Everything about Transfer Learning and Domain Adaptation--迁移学习
A154609/voc2007_for_yolo_torch
prepare dataset for voc https://github.com/ultralytics/yolov3
A154609/Yolo-Fastest
:zap: Yolo universal target detection model combined with EfficientNet-lite, the calculation amount is only 230Mflops(0.23Bflops), and the model size is 1.3MB
A154609/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > iOS
A154609/yolov4-tiny-keras
这是一个YoloV4-tiny-keras的源码,可以用于训练自己的模型。