shitfing's Stars
labmlai/annotated_deep_learning_paper_implementations
🧑🏫 60+ Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
facebookresearch/segment-anything
The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
pytorch/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
vdumoulin/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
jacobgil/pytorch-grad-cam
Advanced AI Explainability for computer vision. Support for CNNs, Vision Transformers, Classification, Object detection, Segmentation, Image similarity and more.
WongKinYiu/yolov9
Implementation of paper - YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information
VainF/Torch-Pruning
[CVPR 2023] DepGraph: Towards Any Structural Pruning
facebookresearch/simsiam
PyTorch implementation of SimSiam https//arxiv.org/abs/2011.10566
naoto0804/pytorch-AdaIN
Unofficial pytorch implementation of 'Arbitrary Style Transfer in Real-time with Adaptive Instance Normalization' [Huang+, ICCV2017]
NUS-HPC-AI-Lab/Neural-Network-Parameter-Diffusion
We introduce a novel approach for parameter generation, named neural network parameter diffusion (p-diff), which employs a standard latent diffusion model to synthesize a new set of parameters
dxyang/StyleTransfer
Implementation of "Perceptual Losses for Real-Time Style Transfer and Super-Resolution" in PyTorch
Trustworthy-AI-Group/TransferAttack
TransferAttack is a pytorch framework to boost the adversarial transferability for image classification.
OmidPoursaeed/Generative_Adversarial_Perturbations
Generative Adversarial Perturbations (CVPR 2018)
yuyang-long/SSA
Spectrum simulation attack (ECCV'2022 Oral) towards boosting the transferability of adversarial examples
kaifishr/PyTorchRelevancePropagation
A basic implementation of Layer-wise Relevance Propagation (LRP) in PyTorch.
Jeffkang-94/pytorch-adversarial-attack
Implementation of gradient-based adversarial attack(FGSM,MI-FGSM,PGD)
RjDuan/AdvDrop
Code for "Adversarial attack by dropping information." (ICCV 2021)
JHL-HUST/SI-NI-FGSM
Muzammal-Naseer/TTP
Official repository for "On Generating Transferable Targeted Perturbations" (ICCV 2021)
Alibaba-AAIG/Beyond-ImageNet-Attack
Beyond imagenet attack (accepted by ICLR 2022) towards crafting adversarial examples for black-box domains.
Muzammal-Naseer/CDA
Official repository for "Cross-Domain Transferability of Adversarial Perturbations" (NeurIPS 2019)
novice03/timm-vis
Visualizer for PyTorch image models
SCLBD/Transfer_attack_RAP
zhipeng-wei/Self-Universality
Enhancing the Self-Universality for Transferable Targeted Attacks [CVPR 2023 Paper]
nblt/F-SAM
[CVPR 2024] Friendly Sharpness-Aware Minimization
xiaosen-wang/SIT
[ICCV 2023] Structure Invariant Transformation for better Adversarial Transferability
liuxuannan/Stochastic-Gradient-Aggregation
Official implementation of the ICCV2023 paper: Enhancing Generalization of Universal Adversarial Perturbation through Gradient Aggregation
Asteriajojo/M3D
Minimizing Maximum Model Discrepancy for Transferable Black-box Targeted Attacks(CVPR2023)
g4alllf/SASD
Improving Transferable Targeted Adversarial Attacks with Model Self-Enhancement (CVPR 2024)