Pinned Repositories
AerialDetection
Awesome-SAM
This repo collects the research resources based on SAM(Segment Anything Model) proposed by Meta AI. If you would like to contribute, please open an issue.
CUDA
useful cuda code .
CV_PaperDaily
CV 每日论文阅读笔记(日更)
deep_learning_object_detection
A paper list of object detection using deep learning.
deeplearning.ai-notes
吴恩达《深度学习》学习笔记(xmind)、作业代码、代码视频讲解
detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
Diffusion-GAN
Official PyTorch implementation for paper: Diffusion-GAN: Training GANs with Diffusion
diploma-yolov3
Dr.SAM
wnynotfaker's Repositories
wnynotfaker/Awesome-SAM
This repo collects the research resources based on SAM(Segment Anything Model) proposed by Meta AI. If you would like to contribute, please open an issue.
wnynotfaker/CUDA
useful cuda code .
wnynotfaker/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
wnynotfaker/Diffusion-GAN
Official PyTorch implementation for paper: Diffusion-GAN: Training GANs with Diffusion
wnynotfaker/diploma-yolov3
wnynotfaker/Dr.SAM
wnynotfaker/DynamicRCNN
Dynamic R-CNN: Towards High Quality Object Detection via Dynamic Training, ECCV 2020
wnynotfaker/gliding_vertex
The implementation of paper "Gliding vertex on the horizontal bounding box for multi-oriented object detection".
wnynotfaker/Image_Segmentation
Pytorch implementation of U-Net, R2U-Net, Attention U-Net, and Attention R2U-Net.
wnynotfaker/FR-UNet
[JBHI2021] Full-Resolution Network and Dual-ThresholdIteration for Retinal Vessel and CoronaryAngiograph Segmentation
wnynotfaker/LearnablePromptSAM
Try to use the SAM-ViT as the backbone to create the learnable prompt for semantic segmentation
wnynotfaker/Learning-AVSegmentation
Code for "Learning to Address Intra-segment Misclassification in Retinal Imaging"
wnynotfaker/lwnet
State-of-the-art retinal vessel segmentation with minimalistic models
wnynotfaker/metaformer
MetaFormer Baselines for Vision (TPAMI 2024)
wnynotfaker/mmdetection-mini
mmdetection最小学习版
wnynotfaker/NATTEN
Neighborhood Attention Extension. Bringing attention to a neighborhood near you!
wnynotfaker/PAA
A PyTorch implementation of the paper `Probabilistic Anchor Assignment with IoU Prediction for Object Detection` ECCV 2020 (https://arxiv.org/abs/2007.08103)
wnynotfaker/PAA_Faster-RCNN
An implementation of PAA (Probabilistic Anchor Assignment with IoU Prediction for Object Detection) applied to Faster RCNN
wnynotfaker/Patho-GAN
Patho-GAN: interpretation + medical data augmentation. Code for paper work "Explainable Diabetic Retinopathy Detection and Retinal Image Generation"
wnynotfaker/poolformer
PoolFormer: MetaFormer Is Actually What You Need for Vision (CVPR 2022 Oral)
wnynotfaker/pytorch-grad-cam
Many Class Activation Map methods implemented in Pytorch for CNNs and Vision Transformers. Including Grad-CAM, Grad-CAM++, Score-CAM, Ablation-CAM and XGrad-CAM
wnynotfaker/PyTorch_Tutorial
《Pytorch模型训练实用教程》中配套代码
wnynotfaker/Retinal-vessel-segmentation-and-vessel-diameter-estimation
wnynotfaker/Rotated_IoU
Differentiable IoU of rotated bounding boxes using Pytorch
wnynotfaker/SAM-Med2D
Official implementation of SAM-Med2D
wnynotfaker/SGAT
wnynotfaker/SimAM
The official pytorch implemention of our ICML paper "SimAM: A Simple, Parameter-Free Attention Module for Convolutional Neural Networks".
wnynotfaker/simpledet
A Simple and Versatile Framework for Object Detection and Instance Recognition
wnynotfaker/Swin-Transformer-Semantic-Segmentation
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows" on Semantic Segmentation.
wnynotfaker/VesselSeg-Pytorch
Retinal vessel segmentation toolkit based on pytorch