Pinned Repositories
A2-FPN
AC-FPN
Implement of paper 《Attention-guided Context Feature Pyramid Network for Object Detection》
acm-pytorch
The implement of paper "Asymmetric Contextual Modulation for Infrared Small Target Detection" in Pytorch
AGLN
AGPCNet
Official Implementation of Attention-Guided Pyramid Context Networks for Infrared Small Target Detection
AirSim
Open source simulator for autonomous vehicles built on Unreal Engine / Unity, from Microsoft AI & Research
ANN
semantic segmentation,pytorch,non-local
ASFF
yolov3 with mobilenet v2 and ASFF
C2FNet
build
RePaint-Inpainting-using-Denoising-Diffusion-Probabilistic-Models
Official PyTorch Code and Models of "RePaint: Inpainting using Denoising Diffusion Probabilistic Models", CVPR 2022
Yidan-Zhang's Repositories
Yidan-Zhang/AC-FPN
Implement of paper 《Attention-guided Context Feature Pyramid Network for Object Detection》
Yidan-Zhang/ANN
semantic segmentation,pytorch,non-local
Yidan-Zhang/ASFF
yolov3 with mobilenet v2 and ASFF
Yidan-Zhang/DANet
Dual Attention Network for Scene Segmentation (CVPR2019)
Yidan-Zhang/danet-pytorch
[pytorch] DANet: Dual Attention Network for Scene Segmentation
Yidan-Zhang/Data_Augmentation_Zoo_for_Object_Detection
Includes: Learning data augmentation strategies for object detection | GridMask data augmentation | Augmentation for small object detection in Numpy. Use RetinaNet with ResNet-18 to test these methods on VOC and KITTI.
Yidan-Zhang/EMANet
The code for Expectation-Maximization Attention Networks for Semantic Segmentation (ICCV'2019 Oral)
Yidan-Zhang/FPT
Implementation for paper Feature Pyramid Transformer
Yidan-Zhang/GSCNN
Gated-Shape CNN for Semantic Segmentation (ICCV 2019)
Yidan-Zhang/HRNet-FCOS
High-resolution Networks for the Fully Convolutional One-Stage Object Detection (FCOS) algorithm
Yidan-Zhang/HRNet-Object-Detection
Object detection with multi-level representations generated from deep high-resolution representation learning (HRNetV2h). This is an official implementation for our TPAMI paper "Deep High-Resolution Representation Learning for Visual Recognition". https://arxiv.org/abs/1908.07919
Yidan-Zhang/IPI-for-small-target-detection
This source code is for small target detection based on Infrared patch-image model in a single image.
Yidan-Zhang/MDvsFA
PyTorch implementation of ICCV2019 paper Miss Detection vs. False Alarm: Adversarial Learing for Small Object Segmentation in Infrared Images.
Yidan-Zhang/MDvsFA_cGAN
The tensorflow and pytorch implementations of the MDvsFA_cGAN model which is proposed in ICCV2019 paper "Huan Wang, Luping Zhou and Lei Wang. Miss Detection vs. False Alarm: Adversarial Learing for Small Object Segmentation in Infrared Images. International Conference on Computer Vision, Oct.27-Nov.2,2019. Seoul, Republic of Korea".
Yidan-Zhang/mobilenetv3
mobilenetv3 with pytorch,provide pre-train model
Yidan-Zhang/Multi-Scale-Attention
Code for our paper "Multi-scale Guided Attention for Medical Image Segmentation"
Yidan-Zhang/pytorch-deform-conv-v2
PyTorch implementation of Deformable ConvNets v2 (Modulated Deformable Convolution)
Yidan-Zhang/Reinforcement-learning-with-PyTorch
Reinforcement learning with PyTorch, inspired by MorvanZhou, change the framework from Tensorflow to PyTorch
Yidan-Zhang/Retinanet-Pytorch
Retinanet目标检测算法(简单,明了,易用,全中文注释,单机多卡训练,视频检测)(based on pytorch,Simple, Clear, Mutil GPU)
Yidan-Zhang/Siamese-Nets-for-Face-Reco
SiameseNetwork for face recognitation in Pytorch
Yidan-Zhang/small-object-detection
Yidan-Zhang/small-object-detection-1
Faster RCNN for xView satellite data challenge
Yidan-Zhang/small_object_augmentation
Implementation of augmentation for small object detection(填鸭) https://arxiv.org/pdf/1902.07296.pdf
Yidan-Zhang/SmallObjectAugmentation
Simple implementation of augmentation for small object detection
Yidan-Zhang/UNet-family
Paper and implementation of UNet-related model.
Yidan-Zhang/UNET-ZOO
including unet,unet++,attention-unet,r2unet,cenet,segnet ,fcn.
Yidan-Zhang/YOLO-Multi-Backbones-Attention
Model Compression—YOLOv3 with multi lightweight backbones(ShuffleNetV2 HuaWei GhostNet), attention, prune and quantization