[AAAI 2021] DeepRobust是一个用于图像和图形攻击和防御方法的PyTorch对抗库。
用法
有关攻击和防御的更多详细信息,您可以阅读以下论文。
如果我们的工作对您的研究有帮助,请引用: DeepRobust:用于对抗攻击和防御的PyTorch库
@article{li2020deeprobust,
title={Deeprobust: A pytorch library for adversarial attacks and defenses},
author={Li, Yaxin and Jin, Wei and Xu, Han and Tang, Jiliang},
journal={arXiv preprint arXiv:2005.06149},
year={2020}
}
更新日志
- [2023年11月] 尝试
git clone https://github.com/DSE-MSU/DeepRobust.git; cd DeepRobust; python setup_empty.py install
直接安装DeepRobust,无需安装依赖包。 - [2023年11月] DeepRobust 0.2.9 发布。请尝试
pip install deeprobust==0.2.9
。我们修复了新版本PyTorch中metattack的内存溢出问题。 - [2023年6月] 我们在图包中添加了一个后门攻击方法 UGBA, WWW'23。现在我们可以使用UGBA对大规模图(如ogb-arxiv)进行不易察觉的后门攻击(参见 test_ugba.py 中的示例)!
- [2023年2月] DeepRobust 0.2.8 发布。请尝试
pip install deeprobust==0.2.8
!我们在图包中添加了一个可扩展的攻击方法 PRBCD, NeurIPS'21。现在我们可以使用PRBCD攻击大规模图(如ogb-arxiv)(参见 test_prbcd.py 中的示例)! - [2023年2月] 在图包中添加了一个鲁棒模型 AirGNN, NeurIPS'21。尝试
python examples/graph/test_airgnn.py
!详情请参见 test_airgnn.py - [2022年11月] DeepRobust 0.2.6 发布。请尝试
pip install deeprobust==0.2.6
!我们将有更多更新,敬请关注! - [2021年11月] 发布了包含图像领域流行黑盒攻击的子包。在此处查看。链接
- [2021年11月] DeepRobust 0.2.4 发布。请尝试
pip install deeprobust==0.2.4
! - [2021年10月] 添加可扩展攻击和MedianGCN。感谢 Jintang 的贡献!
- [2021年6月] [图像包] 添加预处理方法:APE-GAN。
- [2021年5月] DeepRobust 发表于AAAI 2021。查看 这里!
- [2021年5月] DeepRobust 0.2.2 发布。请尝试
pip install deeprobust==0.2.2
! - [2021年4月] [图像包] 添加对ImageNet的支持。详情请参见 test_ImageNet.py
- [2021年4月] [图包] 添加对OGB数据集的支持。更多详情请参见 教程页面。
- [2021年3月] [图包] 添加了节点嵌入攻击和受害者模型!请参见此 教程页面。
- [2021年2月] [图包] DeepRobust 现在提供工具用于在 Pytorch Geometric 和 DeepRobust 之间转换数据集。更多详情请参见 教程页面! DeepRobust 现在还支持基于pyg的GAT、Chebnet和SGC;详情请参见 test_gat.py、test_chebnet.py 和 test_sgc.py
- [2020年12月] DeepRobust 现在可以通过pip安装!尝试
pip install deeprobust
! - [2020年12月] [图包] 新增四个 数据集 和一个防御算法。更多详情可以在 这里 找到。稍后将添加更多数据集和算法。敬请关注 :)
- [2020年7月] 添加 文档 页面!
- [2020年6月] 为图像和图包添加文档字符串
基本环境
python >= 3.6
(python 3.5 应该也可以)pytorch >= 1.2.0
更多信息请参见 setup.py
或 requirements.txt
。
安装
通过pip安装
pip install deeprobust
从源代码安装
git clone https://github.com/DSE-MSU/DeepRobust.git
cd DeepRobust
python setup.py install
如果发现依赖难以安装,请尝试以下方法:
python setup_empty.py install
(仅安装deeprobust,不安装其他包)
测试示例
python examples/image/test_PGD.py
python examples/image/test_pgdtraining.py
python examples/graph/test_gcn_jaccard.py --dataset cora
python examples/graph/test_mettack.py --dataset cora --ptb_rate 0.05
使用方法
图像攻击和防御
-
训练模型
示例:在MNIST数据集上训练一个简单的CNN模型,在GPU上训练20个epoch。
import deeprobust.image.netmodels.train_model as trainmodel trainmodel.train('CNN', 'MNIST', 'cuda', 20)
模型将保存在deeprobust/trained_models/。
-
实例化攻击方法和防御方法。
示例:使用PGD攻击生成对抗样本。
from deeprobust.image.attack.pgd import PGD from deeprobust.image.config import attack_params from deeprobust.image.utils import download_model import torch import deeprobust.image.netmodels.resnet as resnet from torchvision import transforms,datasets URL = "https://github.com/I-am-Bot/deeprobust_model/raw/master/CIFAR10_ResNet18_epoch_20.pt" download_model(URL, "$MODEL_PATH$") model = resnet.ResNet18().to('cuda') model.load_state_dict(torch.load("$MODEL_PATH$")) model.eval() transform_val = transforms.Compose([transforms.ToTensor()]) test_loader = torch.utils.data.DataLoader( datasets.CIFAR10('deeprobust/image/data', train = False, download=True, transform = transform_val), batch_size = 10, shuffle=True) x, y = next(iter(test_loader)) x = x.to('cuda').float() adversary = PGD(model, 'cuda') Adv_img = adversary.generate(x, y, **attack_params['PGD_CIFAR10'])
示例:训练防御模型。
from deeprobust.image.defense.pgdtraining import PGDtraining from deeprobust.image.config import defense_params from deeprobust.image.netmodels.CNN import Net import torch from torchvision import datasets, transforms model = Net() train_loader = torch.utils.data.DataLoader( datasets.MNIST('deeprobust/image/defense/data', train=True, download=True, transform=transforms.Compose([transforms.ToTensor()])), batch_size=100,shuffle=True)
test_loader = torch.utils.data.DataLoader( datasets.MNIST('deeprobust/image/defense/data', train=False, transform=transforms.Compose([transforms.ToTensor()])), batch_size=1000,shuffle=True)
defense = PGDtraining(model, 'cuda') defense.generate(train_loader, test_loader, **defense_params["PGDtraining_MNIST"])
更多示例代码可以在deeprobust/examples中找到。
3. 使用我们的评估程序来测试防御算法对抗攻击。
示例:
cd DeepRobust python examples/image/test_train.py python deeprobust/image/evaluation_attack.py
## 图攻击和防御
### 攻击图神经网络
1. 加载数据集
```python
import torch
import numpy as np
from deeprobust.graph.data import Dataset
from deeprobust.graph.defense import GCN
from deeprobust.graph.global_attack import Metattack
data = Dataset(root='/tmp/', name='cora', setting='nettack')
adj, features, labels = data.adj, data.features, data.labels
idx_train, idx_val, idx_test = data.idx_train, data.idx_val, data.idx_test
idx_unlabeled = np.union1d(idx_val, idx_test)
- 设置代理模型
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
surrogate = GCN(nfeat=features.shape[1], nclass=labels.max().item()+1, nhid=16,
with_relu=False, device=device)
surrogate = surrogate.to(device)
surrogate.fit(features, adj, labels, idx_train)
- 设置攻击模型并生成扰动
model = Metattack(model=surrogate, nnodes=adj.shape[0], feature_shape=features.shape, device=device)
model = model.to(device)
perturbations = int(0.05 * (adj.sum() // 2))
model.attack(features, adj, labels, idx_train, idx_unlabeled, perturbations, ll_constraint=False)
modified_adj = model.modified_adj
更多详细信息请参考mettack.py或运行
python examples/graph/test_mettack.py --dataset cora --ptb_rate 0.05
防御图攻击
- 加载数据集
import torch
from deeprobust.graph.data import Dataset, PtbDataset
from deeprobust.graph.defense import GCN, GCNJaccard
import numpy as np
np.random.seed(15)
# 加载干净图
data = Dataset(root='/tmp/', name='cora', setting='nettack')
adj, features, labels = data.adj, data.features, data.labels
idx_train, idx_val, idx_test = data.idx_train, data.idx_val, data.idx_test
# 加载由mettack预先攻击的图
perturbed_data = PtbDataset(root='/tmp/', name='cora')
perturbed_adj = perturbed_data.adj
- 测试
# 设置防御模型并测试性能
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
model = GCNJaccard(nfeat=features.shape[1], nclass=labels.max()+1, nhid=16, device=device)
model = model.to(device)
model.fit(features, perturbed_adj, labels, idx_train)
model.eval()
output = model.test(idx_test)
# 在GCN上测试
model = GCN(nfeat=features.shape[1], nclass=labels.max()+1, nhid=16, device=device)
model = model.to(device)
model.fit(features, perturbed_adj, labels, idx_train)
model.eval()
output = model.test(idx_test)
更多详细信息请参考test_gcn_jaccard.py或运行
python examples/graph/test_gcn_jaccard.py --dataset cora
示例结果
由fgsm生成的对抗样本:
几个训练好的模型可以在这里找到:https://drive.google.com/open?id=1uGLiuCyd8zCAQ8tPz9DDUQH6zm-C4tEL
致谢
一些算法参考了论文作者的实现。引用可以在每个文件的顶部找到。
网络结构的实现参考了weiaicunzai的GitHub。原始代码可以在这里找到: pytorch-cifar100
感谢他们的杰出工作!