-
pytorch-image-models Public
Forked from huggingface/pytorch-image-modelsThe largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (V…
Python Apache License 2.0 UpdatedAug 21, 2024 -
OPAS Public
Adversarial system of one-pixel attack for hyperspectral image classification
1 UpdatedNov 27, 2023 -
-
PyTorch-YOLOv3 Public
Forked from eriklindernoren/PyTorch-YOLOv3Minimal PyTorch implementation of YOLOv3
Python GNU General Public License v3.0 UpdatedDec 9, 2022 -
Learn-Carla Public
Forked from DerrickXuNu/Learn-CarlaLearn how to use CARLA with basic APIs
Python MIT License UpdatedJul 21, 2022 -
robustbench Public
Forked from RobustBench/robustbenchRobustBench: a standardized adversarial robustness benchmark [NeurIPS'21 Benchmarks and Datasets Track]
Python Other UpdatedMar 8, 2022 -
adversarial-robustness-toolbox Public
Forked from Trusted-AI/adversarial-robustness-toolboxAdversarial Robustness Toolbox (ART) - Python Library for Machine Learning Security - Evasion, Poisoning, Extraction, Inference - Red and Blue Teams
Python MIT License UpdatedFeb 22, 2022 -
foolbox Public
Forked from bethgelab/foolboxA Python toolbox to create adversarial examples that fool neural networks in PyTorch, TensorFlow, and JAX
Python MIT License UpdatedFeb 12, 2022 -
AdvBox Public
Forked from advboxes/AdvBoxAdvbox is a toolbox to generate adversarial examples that fool neural networks in PaddlePaddle、PyTorch、Caffe2、MxNet、Keras、TensorFlow and Advbox can benchmark the robustness of machine learning mode…
Jupyter Notebook Apache License 2.0 UpdatedFeb 11, 2022 -
DeepRobust Public
Forked from DSE-MSU/DeepRobustA pytorch adversarial library for attack and defense methods on images and graphs
Python MIT License UpdatedJan 27, 2022 -
pytorch-playground Public
Forked from aaron-xichen/pytorch-playgroundBase pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
Python MIT License UpdatedJan 13, 2022 -
advertorch Public
Forked from BorealisAI/advertorchA Toolbox for Adversarial Robustness Research
Jupyter Notebook GNU Lesser General Public License v3.0 UpdatedDec 9, 2021 -
detectron2 Public
Forked from facebookresearch/detectron2Detectron2 is FAIR's next-generation platform for object detection, segmentation and other visual recognition tasks.
Python Apache License 2.0 UpdatedNov 15, 2021 -
fvcore Public
Forked from facebookresearch/fvcoreCollection of common code that's shared among different research projects in FAIR computer vision team.
Python Apache License 2.0 UpdatedOct 29, 2021 -
DPatch Public
Forked from veralauee/DPatchAn adversarial attack on object detectors
Python UpdatedOct 12, 2021 -
-
cocoapi Public
Forked from cocodataset/cocoapiCOCO API - Dataset @ https://cocodataset.org/
Jupyter Notebook Other UpdatedSep 23, 2021 -
-
pyMetaheuristic Public
Forked from Valdecy/pyMetaheuristicA python library for: Adaptive Random Search, Ant Lion Optimizer, Arithmetic Optimization Algorithm, Artificial Bee Colony Optimization, Bat Algorithm, Biogeography Based Optimization, Cross-Entrop…
Python UpdatedSep 16, 2021 -
dense_adversarial_generation_pytorch Public
Forked from IFL-CAMP/dense_adversarial_generation_pytorchJupyter Notebook GNU General Public License v3.0 UpdatedMar 29, 2021 -
meta-adversarial-training Public
Forked from boschresearch/meta-adversarial-trainingTensorflow implementation of Meta Adversarial Training for Adversarial Patch Attacks on Tiny ImageNet.
Python GNU Affero General Public License v3.0 UpdatedJan 28, 2021 -
Adversarial-Example-Attack-and-Defense Public
Forked from as791/Adversarial-Example-Attack-and-DefenseThis repository contains the implementation of three adversarial example attack methods FGSM, IFGSM, MI-FGSM and one Distillation as defense against all attacks using MNIST dataset.
Jupyter Notebook UpdatedDec 17, 2020 -
swarmlib Public
Forked from HaaLeo/swarmlibThis repository implements several swarm optimization algorithms and visualizes them. Implemented algorithms: Particle Swarm Optimization (PSO), Firefly Algorithm (FA), Cuckoo Search (CS), Ant Colo…
Python BSD 3-Clause "New" or "Revised" License UpdatedDec 16, 2020 -
yacs Public
Forked from rbgirshick/yacsYACS -- Yet Another Configuration System
Python Apache License 2.0 UpdatedDec 15, 2020 -
AdversarialQuerying Public
Forked from goldblum/AdversarialQueryingA PyTorch implementation of the method found in "Adversarially Robust Few-Shot Learning: A Meta-Learning Approach"
Python MIT License UpdatedOct 9, 2020 -
Adversarial-Patch-Attacks-TRAINING-YOLO-SSD-Pytorch Public
Forked from alex96295/Adversarial-Patch-Attacks-TRAINING-YOLO-SSD-PytorchPython UpdatedSep 24, 2020 -
CNN_Visualizations Public
Forked from pkassraie/CNN_VisualizationsVisualization of Adversarial Examples