Pinned Repositories
3D-Face-GCNs
Towards High-Fidelity 3D Face Reconstruction from In-the-Wild Images Using Graph Convolutional Networks, CVPR 2020
500LineorLess_CN
500 line or less 中文翻译计划。
ACSL
Adaptive Class Suppression Loss for Long-Tail Object Detection--CVPR2021
anogan-keras
Unsupervised anomaly detection with generative model, keras implementation
BBN
The official PyTorch implementation of paper BBN: Bilateral-Branch Network with Cumulative Learning for Long-Tailed Visual Recognition
CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
classifier-balancing
This repository contains code for the paper "Decoupling Representation and Classifier for Long-Tailed Recognition", published at ICLR 2020
study
some study material
website
witbox
Fateeeeee's Repositories
Fateeeeee/AdelaiDet
AdelaiDet is an open source toolbox for multiple instance-level detection and recognition tasks.
Fateeeeee/AACP
Fateeeeee/AHC
Fateeeeee/awesome_lightweight_networks
The implementation of various lightweight networks by using PyTorch. such as:MobileNetV2,MobileNeXt,GhostNet,AdderNet,ShuffleNetV1-V2,LCNet,Mobile+ViT etc. ⭐⭐⭐⭐⭐
Fateeeeee/biasloss_skipblocknet
[ICCV 2021]Code for the training with the bias loss and evaluation of SkipblockNet model on ImageNet validation set
Fateeeeee/Copy-paste-Augmentation_rotate
实现了基于YOLOv5旋转标签格式的Copy-paste小目标数据增强,数据集为DOTA。
Fateeeeee/CSL-YOLO
A state of the art of new lightweight YOLO model implemented by TensorFlow 2.
Fateeeeee/DCFP
DCFP: Distribution Calibrated Filter Pruning for Lightweight and Accurate Long-tail Semantic Segmentation
Fateeeeee/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
Fateeeeee/EPSANet
EPSANet:An Efficient Pyramid Split Attention Block on Convolutional Neural Network
Fateeeeee/External-Attention-pytorch
Pytorch implementation of various Attention Mechanism
Fateeeeee/FasterSeg
[ICLR 2020] "FasterSeg: Searching for Faster Real-time Semantic Segmentation" by Wuyang Chen, Xinyu Gong, Xianming Liu, Qian Zhang, Yuan Li, Zhangyang Wang
Fateeeeee/flexible-yolov5
More readable and flexible yolov5 with more backbone(resnet, shufflenet, moblienet, efficientnet, hrnet, swin-transformer) and (cbam,dcn and so on), and tensorrt
Fateeeeee/free-programming-books
:books: Freely available programming books
Fateeeeee/ICCV2021
Our ICCV Submission materials
Fateeeeee/keras-GaussianYOLOv3
Gaussian YOLOv3 (An Accurate and Fast Object Detector Using Localization Uncertainty for Autonomous Driving (ICCV, 2019)) implementation in Keras and Tensorflow
Fateeeeee/learnVue
:octocat:Vue.js 源码解析
Fateeeeee/MemSeg
memory-based semantic segmentation for off-road unstructured natural environments
Fateeeeee/micronet
micronet, a model compression and deploy lib. compression: 1、quantization: quantization-aware-training(QAT), High-Bit(>2b)(DoReFa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、Low-Bit(≤2b)/Ternary and Binary(TWN/BNN/XNOR-Net); post-training-quantization(PTQ), 8-bit(tensorrt); 2、 pruning: normal、regular and group convolutional channel pruning; 3、 group convolution structure; 4、batch-normalization fuse for quantization. deploy: tensorrt, fp32/fp16/int8(ptq-calibration)、op-adapt(upsample)、dynamic_shape
Fateeeeee/multiyolov5
joint detection and semantic segmentation, based on ultralytics/yolov5,
Fateeeeee/nanodet
⚡Super fast and lightweight anchor-free object detection model. 🔥Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone🔥
Fateeeeee/PP-LCNet
PyTorch implementation of PP-LCNet
Fateeeeee/SmallObjectAugmentation-master
鉴于该 填鸭式 方法对小目标的数据增强的详细的描述较少,故重新整理了代码,并添加了说明。按照md文件的说明,应该可以正常的运行
Fateeeeee/SNL_ICCV2021
Official implementation of the paper ``Unifying Nonlocal Blocks for Neural Networks'' (ICCV'21)
Fateeeeee/Tiny-Defect-Detection-for-PCB
This is a repository about PCB defect detection.
Fateeeeee/VM-UNet
(ARXIV24) This is the official code repository for "VM-UNet: Vision Mamba UNet for Medical Image Segmentation".
Fateeeeee/YOLOv5-Multibackbone-Compression
YOLOv5 Series Multi-backbone(TPH-YOLOv5, Ghostnet, ShuffleNetv2, Mobilenetv3Small, EfficientNetLite, PP-LCNet, SwinTransformer YOLO), Module(CBAM, DCN), Pruning (EagleEye, Network Slimming) and Quantization (MQBench) Compression Tool Box.
Fateeeeee/Yolov5-PP-LCNet
Fateeeeee/yolov5_pruning
yolov5 pruning (SFP Pruning、Nework Slimming)
Fateeeeee/yolov7
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors