mindarmour.adv_robustness.attacks
本模块包括经典的黑盒和白盒攻击算法,以制作对抗性示例。
- class mindarmour.adv_robustness.attacks.FastGradientMethod(network, eps=0.07, alpha=None, bounds=(0.0, 1.0), norm_level=2, is_targeted=False, loss_fn=None)[源代码]
这种攻击是基于梯度计算的单步攻击,扰动的范数包括 ‘L1’、’L2’和’Linf’。
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的单步对抗扰动占数据范围的比例。默认值:0.07。
alpha (float) - 单步随机扰动与数据范围的比例。默认值:None。
bounds (tuple) - 数据的上下界,表示数据范围。以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
norm_level (Union[int, numpy.inf]) - 范数的顺序。可取值:np.inf、1或2。默认值:2。
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
样例:
>>> from mindarmour.adv_robustness.attacks import FastGradientMethod >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._relu = nn.ReLU() ... def construct(self, inputs): ... out = self._relu(inputs) ... return out >>> inputs = np.asarray([[0.1, 0.2, 0.7]], np.float32) >>> labels = np.asarray([2],np.int32) >>> labels = np.eye(3)[labels].astype(np.float32) >>> net = Net() >>> attack = FastGradientMethod(net, loss_fn=nn.SoftmaxCrossEntropyWithLogits(sparse=False)) >>> adv_x = attack.generate(inputs, labels)
- class mindarmour.adv_robustness.attacks.RandomFastGradientMethod(network, eps=0.07, alpha=0.035, bounds=(0.0, 1.0), norm_level=2, is_targeted=False, loss_fn=None)[源代码]
快速梯度法(Fast Gradient Method)使用随机扰动。 基于梯度计算的单步攻击。对抗性噪声是根据输入的梯度生成的,然后随机扰动。
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的单步对抗扰动占数据范围的比例。默认值:0.07。
alpha (float) - 单步随机扰动与数据范围的比例。默认值:0.035。
bounds (tuple) - 数据的上下界,表示数据范围。以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
norm_level (Union[int, numpy.inf]) - 范数的顺序。可取值:np.inf、1或2。默认值:2。
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
异常:
ValueError - eps 小于 alpha 。
样例:
>>> from mindarmour.adv_robustness.attacks import RandomFastGradientMethod >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._relu = nn.ReLU() ... def construct(self, inputs): ... out = self._relu(inputs) ... return out >>> net = Net() >>> inputs = np.asarray([[0.1, 0.2, 0.7]], np.float32) >>> labels = np.asarray([2],np.int32) >>> labels = np.eye(3)[labels].astype(np.float32) >>> attack = RandomFastGradientMethod(net, loss_fn=nn.SoftmaxCrossEntropyWithLogits(sparse=False)) >>> adv_x = attack.generate(inputs, labels)
- class mindarmour.adv_robustness.attacks.FastGradientSignMethod(network, eps=0.07, alpha=None, bounds=(0.0, 1.0), is_targeted=False, loss_fn=None)[源代码]
快速梯度符号法(Fast Gradient Sign Method)攻击计算输入数据的梯度,然后使用梯度的符号创建对抗性噪声。
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的单步对抗扰动占数据范围的比例。默认值:0.07。
alpha (float) - 单步随机扰动与数据范围的比例。默认值:None。
bounds (tuple) - 数据的上下界,表示数据范围。以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
样例:
>>> from mindarmour.adv_robustness.attacks import FastGradientSignMethod >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._relu = nn.ReLU() ... def construct(self, inputs): ... out = self._relu(inputs) ... return out >>> net = Net() >>> inputs = np.asarray([[0.1, 0.2, 0.7]], np.float32) >>> labels = np.asarray([2],np.int32) >>> labels = np.eye(3)[labels].astype(np.float32) >>> attack = FastGradientSignMethod(net, loss_fn=nn.SoftmaxCrossEntropyWithLogits(sparse=False)) >>> adv_x = attack.generate(inputs, labels)
- class mindarmour.adv_robustness.attacks.RandomFastGradientSignMethod(network, eps=0.07, alpha=0.035, bounds=(0.0, 1.0), is_targeted=False, loss_fn=None)[源代码]
快速梯度符号法(Fast Gradient Sign Method)使用随机扰动。 随机快速梯度符号法(Random Fast Gradient Sign Method)攻击计算输入数据的梯度,然后使用带有随机扰动的梯度符号来创建对抗性噪声。
参考文献:F. Tramer, et al., “Ensemble adversarial training: Attacks and defenses,” in ICLR, 2018。
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的单步对抗扰动占数据范围的比例。默认值:0.07。
alpha (float) - 单步随机扰动与数据范围的比例。默认值:0.005。
bounds (tuple) - 数据的上下界,表示数据范围。 以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
异常:
ValueError - eps 小于 alpha 。
样例:
>>> from mindarmour.adv_robustness.attacks import RandomFastGradientSignMethod >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._relu = nn.ReLU() ... def construct(self, inputs): ... out = self._relu(inputs) ... return out >>> net = Net() >>> inputs = np.asarray([[0.1, 0.2, 0.7]], np.float32) >>> labels = np.asarray([2],np.int32) >>> labels = np.eye(3)[labels].astype(np.float32) >>> attack = RandomFastGradientSignMethod(net, loss_fn=nn.SoftmaxCrossEntropyWithLogits(sparse=False)) >>> adv_x = attack.generate(inputs, labels)
- class mindarmour.adv_robustness.attacks.LeastLikelyClassMethod(network, eps=0.07, alpha=None, bounds=(0.0, 1.0), loss_fn=None)[源代码]
单步最不可能类方法(Single Step Least-Likely Class Method)是FGSM的变体,它以最不可能类为目标,以生成对抗样本。
参考文献:F. Tramer, et al., “Ensemble adversarial training: Attacks and defenses,” in ICLR, 2018。
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的单步对抗扰动占数据范围的比例。默认值:0.07。
alpha (float) - 单步随机扰动与数据范围的比例。默认值:None。
bounds (tuple) - 数据的上下界,表示数据范围。以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
样例:
>>> from mindarmour.adv_robustness.attacks import LeastLikelyClassMethod >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._relu = nn.ReLU() ... def construct(self, inputs): ... out = self._relu(inputs) ... return out >>> inputs = np.asarray([[0.1, 0.2, 0.7]], np.float32) >>> labels = np.asarray([2],np.int32) >>> labels = np.eye(3)[labels].astype(np.float32) >>> net = Net() >>> attack = LeastLikelyClassMethod(net, loss_fn=nn.SoftmaxCrossEntropyWithLogits(sparse=False)) >>> adv_x = attack.generate(inputs, labels)
- class mindarmour.adv_robustness.attacks.RandomLeastLikelyClassMethod(network, eps=0.07, alpha=0.035, bounds=(0.0, 1.0), loss_fn=None)[源代码]
随机最不可能类攻击方法:以置信度最小类别对应的梯度加一个随机扰动为攻击方向。
具有随机扰动的单步最不可能类方法(Single Step Least-Likely Class Method)是随机FGSM的变体,它以最不可能类为目标,以生成对抗样本。
参考文献:F. Tramer, et al., “Ensemble adversarial training: Attacks and defenses,” in ICLR, 2018。
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的单步对抗扰动占数据范围的比例。默认值:0.07。
alpha (float) - 单步随机扰动与数据范围的比例。默认值:0.005。
bounds (tuple) - 数据的上下界,表示数据范围。以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
异常:
ValueError - eps 小于 alpha 。
样例:
>>> from mindarmour.adv_robustness.attacks import RandomLeastLikelyClassMethod >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._relu = nn.ReLU() ... def construct(self, inputs): ... out = self._relu(inputs) ... return out >>> inputs = np.asarray([[0.1, 0.2, 0.7]], np.float32) >>> labels = np.asarray([2],np.int32) >>> labels = np.eye(3)[labels].astype(np.float32) >>> net = Net() >>> attack = RandomLeastLikelyClassMethod(net, loss_fn=nn.SoftmaxCrossEntropyWithLogits(sparse=False)) >>> adv_x = attack.generate(inputs, labels)
- class mindarmour.adv_robustness.attacks.IterativeGradientMethod(network, eps=0.3, eps_iter=0.1, bounds=(0.0, 1.0), nb_iter=5, loss_fn=None)[源代码]
所有基于迭代梯度的攻击的抽象基类。
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的对抗性扰动占数据范围的比例。默认值:0.3。
eps_iter (float) - 攻击产生的单步对抗扰动占数据范围的比例。默认值:0.1。
bounds (tuple) - 数据的上下界,表示数据范围。以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
nb_iter (int) - 迭代次数。默认值:5。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
- class mindarmour.adv_robustness.attacks.BasicIterativeMethod(network, eps=0.3, eps_iter=0.1, bounds=(0.0, 1.0), is_targeted=False, nb_iter=5, loss_fn=None)[源代码]
-
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的对抗性扰动占数据范围的比例。默认值:0.3。
eps_iter (float) - 攻击产生的单步对抗扰动占数据范围的比例。默认值:0.1。
bounds (tuple) - 数据的上下界,表示数据范围。以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
nb_iter (int) - 迭代次数。默认值:5。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
样例:
>>> from mindspore.ops import operations as P >>> from mindarmour.adv_robustness.attacks import BasicIterativeMethod >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... def construct(self, inputs): ... out = self._softmax(inputs) ... return out >>> net = Net() >>> attack = BasicIterativeMethod(net, loss_fn=nn.SoftmaxCrossEntropyWithLogits(sparse=False)) >>> inputs = np.asarray([[0.1, 0.2, 0.7]], np.float32) >>> labels = np.asarray([2],np.int32) >>> labels = np.eye(3)[labels].astype(np.float32) >>> net = Net() >>> adv_x = attack.generate(inputs, labels)
- class mindarmour.adv_robustness.attacks.MomentumIterativeMethod(network, eps=0.3, eps_iter=0.1, bounds=(0.0, 1.0), is_targeted=False, nb_iter=5, decay_factor=1.0, norm_level='inf', loss_fn=None)[源代码]
动量迭代法(Momentum Iterative Method)攻击通过在迭代中积累损失函数梯度方向上的速度矢量,加速梯度下降算法,如FGSM、FGM和LLCM,从而生成对抗样本。
参考文献:Y. Dong, et al., “Boosting adversarial attacks with momentum,” arXiv:1710.06081, 2017。
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的对抗性扰动占数据范围的比例。默认值:0.3。
eps_iter (float) - 攻击产生的单步对抗扰动占数据范围的比例。默认值:0.1。
bounds (tuple) - 数据的上下界,表示数据范围。 以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
nb_iter (int) - 迭代次数。默认值:5。
decay_factor (float) - 迭代中的衰变因子。默认值:1.0。
norm_level (Union[int, numpy.inf]) - 范数的顺序。可取值:np.inf、1或2。默认值:’inf’。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
样例:
>>> from mindspore.ops import operations as P >>> from mindarmour.adv_robustness.attacks import MomentumIterativeMethod >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... def construct(self, inputs): ... out = self._softmax(inputs) ... return out >>> net = Net() >>> attack = MomentumIterativeMethod(net, loss_fn=nn.SoftmaxCrossEntropyWithLogits(sparse=False)) >>> inputs = np.asarray([[0.1, 0.2, 0.7]], np.float32) >>> labels = np.asarray([2],np.int32) >>> labels = np.eye(3)[labels].astype(np.float32) >>> net = Net() >>> adv_x = attack.generate(inputs, labels)
- class mindarmour.adv_robustness.attacks.ProjectedGradientDescent(network, eps=0.3, eps_iter=0.1, bounds=(0.0, 1.0), is_targeted=False, nb_iter=5, norm_level='inf', loss_fn=None)[源代码]
投影梯度下降(Projected Gradient Descent)攻击是基本迭代法的变体,在这种方法中,在每次迭代之后,扰动被投影在指定半径的p范数球上(除了剪切对抗样本的值,使其位于允许的数据范围内)。这是Madry等人提出的用于对抗性训练的攻击。
参考文献:A. Madry, et al., “Towards deep learning models resistant to adversarial attacks,” in ICLR, 2018。
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的对抗性扰动占数据范围的比例。默认值:0.3。
eps_iter (float) - 攻击产生的单步对抗扰动占数据范围的比例。默认值:0.1。
bounds (tuple) - 数据的上下界,表示数据范围。以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
nb_iter (int) - 迭代次数。默认值:5。
norm_level (Union[int, numpy.inf]) - 范数的顺序。可取值:np.inf、1或2。默认值:’inf’。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
样例:
>>> from mindspore.ops import operations as P >>> from mindarmour.adv_robustness.attacks import ProjectedGradientDescent >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... def construct(self, inputs): ... out = self._softmax(inputs) ... return out >>> net = Net() >>> attack = ProjectedGradientDescent(net, loss_fn=nn.SoftmaxCrossEntropyWithLogits(sparse=False)) >>> inputs = np.asarray([[0.1, 0.2, 0.7]], np.float32) >>> labels = np.asarray([2],np.int32) >>> labels = np.eye(3)[labels].astype(np.float32) >>> net = Net() >>> adv_x = attack.generate(inputs, labels)
- class mindarmour.adv_robustness.attacks.DiverseInputIterativeMethod(network, eps=0.3, bounds=(0.0, 1.0), is_targeted=False, prob=0.5, loss_fn=None)[源代码]
多样性输入迭代法(Diverse Input Iterative Method)攻击遵循基本迭代法,并在每次迭代时对输入数据应用随机转换。对输入数据的这种转换可以提高对抗样本的可转移性。
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的对抗性扰动占数据范围的比例。默认值:0.3。
bounds (tuple) - 数据的上下界,表示数据范围。以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
prob (float) - 转换概率。默认值:0.5。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
样例:
>>> from mindspore.ops import operations as P >>> from mindarmour.adv_robustness.attacks import DiverseInputIterativeMethod >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... def construct(self, inputs): ... out = self._softmax(inputs) ... return out >>> net = Net() >>> attack = DiverseInputIterativeMethod(net, loss_fn=nn.SoftmaxCrossEntropyWithLogits(sparse=False)) >>> inputs = np.asarray([[0.1, 0.2, 0.7]], np.float32) >>> labels = np.asarray([2],np.int32) >>> labels = np.eye(3)[labels].astype(np.float32) >>> net = Net() >>> adv_x = attack.generate(inputs, labels)
- class mindarmour.adv_robustness.attacks.MomentumDiverseInputIterativeMethod(network, eps=0.3, bounds=(0.0, 1.0), is_targeted=False, norm_level='l1', prob=0.5, loss_fn=None)[源代码]
动量多样性输入迭代法(Momentum Diverse Input Iterative Method)攻击是一种动量迭代法,在每次迭代时对输入数据应用随机变换。对输入数据的这种转换可以提高对抗样本的可转移性。
参数:
network (Cell) - 目标模型。
eps (float) - 攻击产生的对抗性扰动占数据范围的比例。默认值:0.3。
bounds (tuple) - 数据的上下界,表示数据范围。以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
norm_level (Union[int, numpy.inf]) - 范数的顺序。可取值:np.inf、1或2。默认值:’l1’。
prob (float) - 转换概率。默认值:0.5。
loss_fn (Loss) - 用于优化的损失函数。如果为None,则输入网络已配备损失函数。默认值:None。
样例:
>>> from mindspore.ops import operations as P >>> from mindarmour.adv_robustness.attacks import MomentumDiverseInputIterativeMethod >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... def construct(self, inputs): ... out = self._softmax(inputs) ... return out >>> net = Net() >>> attack = MomentumDiverseInputIterativeMethod(net, loss_fn=nn.SoftmaxCrossEntropyWithLogits(sparse=False)) >>> inputs = np.asarray([[0.1, 0.2, 0.7]], np.float32) >>> labels = np.asarray([2],np.int32) >>> labels = np.eye(3)[labels].astype(np.float32) >>> net = Net() >>> adv_x = attack.generate(inputs, labels)
- class mindarmour.adv_robustness.attacks.DeepFool(network, num_classes, model_type='classification', reserve_ratio=0.3, max_iters=50, overshoot=0.02, norm_level=2, bounds=None, sparse=True)[源代码]
DeepFool是一种无目标的迭代攻击,通过将良性样本移动到最近的分类边界并跨越边界来实现。
参考文献:DeepFool: a simple and accurate method to fool deep neural networks。
参数:
network (Cell) - 目标模型。
num_classes (int) - 模型输出的标签数,应大于零。
model_type (str) - 目标模型的类型。现在支持’classification’和’detection’。默认值:’classification’。
reserve_ratio (Union[int, float]) - 攻击后可检测到的对象百分比,特别是当model_type=’detection’。保留比率应在(0, 1)的范围内。默认值:0.3。
max_iters (int) - 最大迭代次数,应大于零。默认值:50。
overshoot (float) - 过冲参数。默认值:0.02。
norm_level (Union[int, str]) - 矢量范数的顺序。可取值:np.inf或2。默认值:2。
bounds (Union[tuple, list]) - 数据范围的上下界。以(clip_min, clip_max)的形式出现。默认值:None。
sparse (bool) - 如果为True,则输入标签为稀疏编码。如果为False,则输入标签为onehot编码。默认值:True。
样例:
>>> import mindspore.ops.operations as P >>> from mindspore import Tensor >>> from mindarmour.adv_robustness.attacks import DeepFool >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... def construct(self, inputs): ... out = self._softmax(inputs) ... return out >>> net = Net() >>> input_shape = (1, 5) >>> _, classes = input_shape >>> attack = DeepFool(net, classes, max_iters=10, norm_level=2, ... bounds=(0.0, 1.0)) >>> input_np = np.array([[0.1, 0.2, 0.7, 0.5, 0.4]]).astype(np.float32) >>> input_me = Tensor(input_np) >>> true_labels = np.argmax(net(input_me).asnumpy(), axis=1) >>> advs = attack.generate(input_np, true_labels)
- generate(inputs, labels)[源代码]
根据输入样本和原始标签生成对抗样本。
参数:
inputs (Union[numpy.ndarray, tuple]) - 输入样本。如果model_type=’classification’,则输入的格式应为numpy.ndarray。输入的格式可以是(input1, input2, …),或者如果model_type=’detection’,则只能是一个数组。
labels (Union[numpy.ndarray, tuple]) - 目标标签或ground-truth标签。如果model_type=’classification’,标签的格式应为numpy.ndarray。如果model_type=’detection’,标签的格式应为(gt_boxes, gt_labels)。
返回:
numpy.ndarray - 对抗样本。
异常:
NotImplementedError - norm_level不在[2, np.inf, ‘2’, ‘inf’]中。
- class mindarmour.adv_robustness.attacks.CarliniWagnerL2Attack(network, num_classes, box_min=0.0, box_max=1.0, bin_search_steps=5, max_iterations=1000, confidence=0, learning_rate=0.005, initial_const=0.01, abort_early_check_ratio=0.05, targeted=False, fast=True, abort_early=True, sparse=True)[源代码]
使用L2范数的Carlini & Wagner攻击通过分别利用两个损失生成对抗样本:“对抗损失”可使生成的示例实际上是对抗性的,“距离损失”可以限制对抗样本的质量。
参考文献:Nicholas Carlini, David Wagner: “Towards Evaluating the Robustness of Neural Networks”。
参数:
network (Cell) - 目标模型。
num_classes (int) - 模型输出的标签数,应大于零。
box_min (float) - 目标模型输入的下界。默认值:0。
box_max (float) - 目标模型输入的上界。默认值:1.0。
bin_search_steps (int) - 用于查找距离和置信度之间的最优代价常数的二进制搜索的步数。默认值:5。
max_iterations (int) - 最大迭代次数,应大于零。默认值:1000。
confidence (float) - 对抗样本输出的置信度。默认值:0。
learning_rate (float) - 攻击算法的学习率。默认值:5e-3。
initial_const (float) - 用于平衡扰动范数和置信度差异的相对重要性的初始折衷常数。默认值:1e-2。
abort_early_check_ratio (float) - 检查所有迭代的每个比率的损失进度。默认值:5e-2。
targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
fast (bool) - 如果为True,则返回第一个找到的对抗样本。 如果为False,则返回扰动较小的对抗样本。默认值:True。
abort_early (bool) - 如果为True,则如果损失在一段时间内没有减少,Adam将被中止。如果为False,Adam将继续工作,直到到达最大迭代。默认值:True。
sparse (bool) - 如果为True,则输入标签为稀疏编码。如果为False,则输入标签为onehot编码。默认值:True。
样例:
>>> import mindspore.ops.operations as P >>> from mindarmour.adv_robustness.attacks import CarliniWagnerL2Attack >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... def construct(self, inputs): ... out = self._softmax(inputs) ... return out >>> net = Net() >>> input_np = np.array([[0.1, 0.2, 0.7, 0.5, 0.4]]).astype(np.float32) >>> num_classes = input_np.shape[1] >>> label_np = np.array([3]).astype(np.int64) >>> attack = CarliniWagnerL2Attack(net, num_classes, targeted=False) >>> adv_data = attack.generate(input_np, label_np)
- class mindarmour.adv_robustness.attacks.JSMAAttack(network, num_classes, box_min=0.0, box_max=1.0, theta=1.0, max_iteration=1000, max_count=3, increase=True, sparse=True)[源代码]
基于Jacobian的显著图攻击(Jacobian-based Saliency Map Attack)是一种基于输入特征显著图的有目标的迭代攻击。它使用每个类标签相对于输入的每个组件的损失梯度。然后,使用显著图来选择产生最大误差的维度。
参考文献:The limitations of deep learning in adversarial settings。
参数:
network (Cell) - 目标模型。
num_classes (int) - 模型输出的标签数,应大于零。
box_min (float) - 目标模型输入的下界。默认值:0。
box_max (float) - 目标模型输入的上界。默认值:1.0。
theta (float) - 一个像素的变化率(相对于输入数据范围)。默认值:1.0。
max_iteration (int) - 迭代的最大轮次。默认值:1000。
max_count (int) - 每个像素的最大更改次数。默认值:3。
increase (bool) - 为True,则增加扰动。如果为False,则减少扰动。默认值:True。
sparse (bool) - 如果为True,则输入标签为稀疏编码。如果为False,则输入标签为onehot编码。默认值:True。
样例:
>>> from mindarmour.adv_robustness.attacks import JSMAAttack >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._relu = nn.ReLU() ... def construct(self, inputs): ... out = self._relu(inputs) ... return out >>> net = Net() >>> input_shape = (1, 5) >>> batch_size, classes = input_shape >>> input_np = np.random.random(input_shape).astype(np.float32) >>> label_np = np.random.randint(classes, size=batch_size) >>> attack = JSMAAttack(net, classes, max_iteration=5) >>> advs = attack.generate(input_np, label_np)
- class mindarmour.adv_robustness.attacks.LBFGS(network, eps=1e-05, bounds=(0.0, 1.0), is_targeted=True, nb_iter=150, search_iters=30, loss_fn=None, sparse=False)[源代码]
在L-BFGS-B攻击中,使用有限内存BFGS优化算法来最小化输入与对抗样本之间的距离。
参考文献:Pedro Tabacof, Eduardo Valle. “Exploring the Space of Adversarial Images”。
参数:
network (Cell) - 被攻击模型的网络。
eps (float) - 攻击步长。默认值:1e-5。
bounds (tuple) - 数据的上下界。默认值:(0.0, 1.0)
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:True。
nb_iter (int) - lbfgs-Optimizer的迭代次数,应大于零。默认值:150。
search_iters (int) - 步长的变更数,应大于零。默认值:30。
loss_fn (Functions) - 替代模型的损失函数。默认值:None。
sparse (bool) - 如果为True,则输入标签为稀疏编码。如果为False,则输入标签为onehot编码。默认值:False。
样例:
>>> from mindarmour.adv_robustness.attacks import LBFGS >>> import mindspore.ops.operations as P >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... self._reduce = P.ReduceSum() ... self._squeeze = P.Squeeze(1) ... def construct(self, inputs): ... out = self._softmax(inputs) ... out = self._reduce(out, 2) ... out = self._squeeze(out) ... return out >>> net = Net() >>> classes = 10 >>> attack = LBFGS(net, is_targeted=True) >>> input_np = np.asarray(np.random.random((1,1,32,32)), np.float32) >>> label_np = np.array([3]).astype(np.int64) >>> target_np = np.array([7]).astype(np.int64) >>> target_np = np.eye(10)[target_np].astype(np.float32) >>> adv = attack.generate(input_np, target_np)
- class mindarmour.adv_robustness.attacks.GeneticAttack(model, model_type='classification', targeted=True, reserve_ratio=0.3, sparse=True, pop_size=6, mutation_rate=0.005, per_bounds=0.15, max_steps=1000, step_size=0.2, temp=0.3, bounds=(0, 1.0), adaptive=False, c=0.1)[源代码]
遗传攻击(Genetic Attack)表示基于遗传算法的黑盒攻击,属于差分进化算法。
此攻击是由Moustafa Alzantot等人(2018)提出的。
参数:
model (BlackModel) - 目标模型。
model_type (str) - 目标模型的类型。现在支持’classification’和’detection’。默认值:’classification’。
targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。需要注意的是,model_type=’detection’仅支持无目标攻击,默认值:True。
reserve_ratio (Union[int, float]) - 攻击后可检测到的对象百分比,特别是当model_type=’detection’。保留比率应在(0, 1)的范围内。默认值:0.3。
pop_size (int) - 粒子的数量,应大于零。默认值:6。
mutation_rate (Union[int, float]) - 突变的概率,应在(0,1)的范围内。默认值:0.005。
per_bounds (Union[int, float]) - 扰动允许的最大无穷范数距离。
max_steps (int) - 每个对抗样本的最大迭代轮次。默认值:1000。
step_size (Union[int, float]) - 攻击步长。默认值:0.2。
temp (Union[int, float]) - 用于选择的采样温度。默认值:0.3。温度越大,个体选择概率之间的差异就越大。
bounds (Union[tuple, list, None]) - 数据的上下界。以(clip_min, clip_max)的形式出现。默认值:(0, 1.0)。
adaptive (bool) - 为True,则打开突变参数的动态缩放。如果为false,则打开静态突变参数。默认值:False。
sparse (bool) - 如果为True,则输入标签为稀疏编码。如果为False,则输入标签为onehot编码。默认值:True。
c (Union[int, float]) - 扰动损失的权重。默认值:0.1。
样例:
>>> import mindspore.ops.operations as M >>> from mindspore import Tensor >>> from mindspore.nn import Cell >>> from mindarmour import BlackModel >>> from mindarmour.adv_robustness.attacks import GeneticAttack >>> class ModelToBeAttacked(BlackModel): ... def __init__(self, network): ... super(ModelToBeAttacked, self).__init__() ... self._network = network ... def predict(self, inputs): ... result = self._network(Tensor(inputs.astype(np.float32))) ... return result.asnumpy() >>> class Net(Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = M.Softmax() ... def construct(self, inputs): ... out = self._softmax(inputs) ... return out >>> net = Net() >>> model = ModelToBeAttacked(net) >>> attack = GeneticAttack(model, sparse=False) >>> batch_size = 6 >>> x_test = np.random.rand(batch_size, 10) >>> y_test = np.random.randint(low=0, high=10, size=batch_size) >>> y_test = np.eye(10)[y_test] >>> y_test = y_test.astype(np.float32) >>> _, adv_data, _ = attack.generate(x_test, y_test)
- generate(inputs, labels)[源代码]
根据输入数据和目标标签(或ground_truth标签)生成对抗样本。
参数:
inputs (Union[numpy.ndarray, tuple]) - 输入样本。如果model_type=’classification’,则输入的格式应为numpy.ndarray。输入的格式可以是(input1, input2, …),或者如果model_type=’detection’,则只能是一个数组。
labels (Union[numpy.ndarray, tuple]) - 目标标签或ground-truth标签。如果model_type=’classification’,标签的格式应为numpy.ndarray。如果model_type=’detection’,标签的格式应为(gt_boxes, gt_labels)。
返回:
numpy.ndarray - 每个攻击结果的布尔值。
numpy.ndarray - 生成的对抗样本。
numpy.ndarray - 每个样本的查询次数。
- class mindarmour.adv_robustness.attacks.HopSkipJumpAttack(model, init_num_evals=100, max_num_evals=1000, stepsize_search='geometric_progression', num_iterations=20, gamma=1.0, constraint='l2', batch_size=32, clip_min=0.0, clip_max=1.0, sparse=True)[源代码]
Chen、Jordan和Wainwright提出的HopSkipJumpAttack是一种基于决策的攻击。此攻击需要访问目标模型的输出标签。
参数:
model (BlackModel) - 目标模型。
init_num_evals (int) - 梯度估计的初始评估数。默认值:100。
max_num_evals (int) - 梯度估计的最大求值数。默认值:1000。
stepsize_search (str) - 表示要如何搜索步长;可取值为’geometric_progression’、’grid_search’、’geometric_progression’。默认值:’geometric_progression’。
num_iterations (int) - 迭代次数。默认值:20。
gamma (float) - 用于设置二进制搜索阈值theta。默认值:1.0。 对于l2攻击,二进制搜索阈值 theta 为 \(gamma / d^{3/2}\) 。对于linf攻击是 \(gamma/d^2\) 。默认值:1.0。
constraint (str) - 要优化的范数距离。可取值为’l2’或’linf’。默认值:’l2’。
batch_size (int) - 批次大小。默认值:32。
clip_min (float, optional) - 最小图像组件值。默认值:0。
clip_max (float, optional) - 最大图像组件值。默认值:1。
sparse (bool) - 如果为True,则输入标签为稀疏编码。如果为False,则输入标签为onehot编码。默认值:True。
异常:
ValueError - stepsize_search不在[‘geometric_progression’,’grid_search’]中。
ValueError - 约束不在[‘l2’, ‘linf’]中
样例:
>>> from mindspore import Tensor >>> from mindarmour import BlackModel >>> import mindspore.ops.operations as P >>> from mindarmour.adv_robustness.attacks import HopSkipJumpAttack >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... self._reduce = P.ReduceSum() ... self._squeeze = P.Squeeze(1) ... def construct(self, inputs): ... out = self._softmax(inputs) ... out = self._reduce(out, 2) ... out = self._squeeze(out) ... return out >>> class ModelToBeAttacked(BlackModel): ... def __init__(self, network): ... super(ModelToBeAttacked, self).__init__() ... self._network = network ... def predict(self, inputs): ... if len(inputs.shape) == 3: ... inputs = inputs[np.newaxis, :] ... result = self._network(Tensor(inputs.astype(np.float32))) ... return result.asnumpy() >>> net = Net() >>> model = ModelToBeAttacked(net) >>> attack = HopSkipJumpAttack(model) >>> n, c, h, w = 1, 1, 32, 32 >>> class_num = 3 >>> x_test = np.asarray(np.random.random((n,c,h,w)), np.float32) >>> y_test = np.random.randint(0, class_num, size=n) >>> _, adv_x, _= attack.generate(x_test, y_test)
- class mindarmour.adv_robustness.attacks.NES(model, scene, max_queries=10000, top_k=- 1, num_class=10, batch_size=128, epsilon=0.3, samples_per_draw=128, momentum=0.9, learning_rate=0.001, max_lr=0.05, min_lr=0.0005, sigma=0.001, plateau_length=20, plateau_drop=2.0, adv_thresh=0.25, zero_iters=10, starting_eps=1.0, starting_delta_eps=0.5, label_only_sigma=0.001, conservative=2, sparse=True)[源代码]
该类是自然进化策略(Natural Evolutionary Strategies,NES)攻击法的实现。NES使用自然进化策略来估计梯度,以提高查询效率。NES包括三个设置:Query-Limited设置、Partial-Information置和Label-Only设置。在query-limit设置中,攻击对目标模型的查询数量有限,但可以访问所有类的概率。在partial-info设置中,攻击仅有权访问top-k类的概率。 在label-only设置中,攻击只能访问按其预测概率排序的k个推断标签列表。在Partial-Information设置和Label-Only设置中,NES会进行目标攻击,因此用户需要使用set_target_images方法来设置目标类的目标图像。
参数:
model (BlackModel) - 要攻击的目标模型。
scene (str) - ‘Label_Only’、’Partial_Info’、’Query_Limit’中的场景。
max_queries (int) - 生成对抗样本的最大查询编号。默认值:10000。
top_k (int) - 用于Partial-Info或Label-Only设置,表示攻击者可用的(Top-k)信息数量。对于Query-Limited设置,此输入应设置为-1。默认值:-1。
num_class (int) - 数据集中的类数。默认值:10。
batch_size (int) - 批次大小。默认值:128。
epsilon (float) - 攻击中允许的最大扰动。默认值:0.3。
samples_per_draw (int) - 对偶采样中绘制的样本数。默认值:128。
momentum (float) - 动量。默认值:0.9。
learning_rate (float) - 学习率。默认值:1e-3。
max_lr (float) - 最大学习率。默认值:5e-2。
min_lr (float) - 最小学习率。默认值:5e-4。
sigma (float) - 随机噪声的步长。默认值:1e-3。
plateau_length (int) - 退火算法中使用的平台长度。默认值:20。
plateau_drop (float) - 退火算法中使用的平台Drop。默认值:2.0。
adv_thresh (float) - 对抗阈值。默认值:0.25。
zero_iters (int) - 用于代理分数的点数。默认值:10。
starting_eps (float) - Label-Only设置中使用的启动epsilon。默认值:1.0。
starting_delta_eps (float) - Label-Only设置中使用的delta epsilon。默认值:0.5。
label_only_sigma (float) - Label-Only设置中使用的Sigma。默认值:1e-3。
conservative (int) - 用于epsilon衰变的守恒,如果没有收敛,它将增加。默认值:2。
sparse (bool) - 如果为True,则输入标签为稀疏编码。如果为False,则输入标签为onehot编码。默认值:True。
样例:
>>> from mindspore import Tensor >>> from mindarmour import BlackModel >>> import mindspore.ops.operations as P >>> from mindarmour.adv_robustness.attacks import NES >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... self._reduce = P.ReduceSum() ... self._squeeze = P.Squeeze(1) ... def construct(self, inputs): ... out = self._softmax(inputs) ... out = self._reduce(out, 2) ... out = self._squeeze(out) ... return out >>> class ModelToBeAttacked(BlackModel): ... def __init__(self, network): ... super(ModelToBeAttacked, self).__init__() ... self._network = network ... def predict(self, inputs): ... if len(inputs.shape) == 1: ... inputs = np.expand_dims(inputs, axis=0) ... result = self._network(Tensor(inputs.astype(np.float32))) ... return result.asnumpy() >>> net = Net() >>> model = ModelToBeAttacked(net) >>> SCENE = 'Query_Limit' >>> TOP_K = -1 >>> attack= NES(model, SCENE, top_k=TOP_K) >>> num_class = 5 >>> x_test = np.asarray(np.random.random((1, 1, 32, 32)), np.float32) >>> target_image = np.asarray(np.random.random((1, 1, 32, 32)), np.float32) >>> orig_class = 0 >>> target_class = 2 >>> attack.set_target_images(target_image) >>> tag, adv, queries = attack.generate(np.array(x_test), np.array([target_class]))
- generate(inputs, labels)[源代码]
根据输入数据和目标标签生成对抗样本。
参数:
inputs (numpy.ndarray) - 良性输入样本。
labels (numpy.ndarray) - 目标标签。
返回:
numpy.ndarray - 每个攻击结果的布尔值。
numpy.ndarray - 生成的对抗样本。
numpy.ndarray - 每个样本的查询次数。
异常:
ValueError - 在Label-Only或Partial-Info设置中top_k小于0。
ValueError - 在Label-Only或Partial-Info设置中target_imgs为None。
ValueError - 场景不在[‘Label_Only’, ‘Partial_Info’, ‘Query_Limit’]中
- class mindarmour.adv_robustness.attacks.PointWiseAttack(model, max_iter=1000, search_iter=10, is_targeted=False, init_attack=None, sparse=True)[源代码]
点式攻击(Pointwise Attack)确保使用最小数量的更改像素为每个原始样本生成对抗样本。那些更改的像素将使用二进制搜索,以确保对抗样本和原始样本之间的距离尽可能接近。
参数:
model (BlackModel) - 目标模型。
max_iter (int) - 生成对抗图像的最大迭代轮数。默认值:1000。
search_iter (int) - 二进制搜索的最大轮数。默认值:10。
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
init_attack (Attack) - 用于查找起点的攻击。默认值:None。
sparse (bool) - 如果为True,则输入标签为稀疏编码。如果为False,则输入标签为onehot编码。默认值:True。
样例:
>>> from mindspore import Tensor >>> from mindarmour import BlackModel >>> import mindspore.ops.operations as P >>> from mindarmour.adv_robustness.attacks import PointWiseAttack >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... self._reduce = P.ReduceSum() ... self._squeeze = P.Squeeze(1) ... def construct(self, inputs): ... out = self._softmax(inputs) ... out = self._reduce(out, 2) ... out = self._squeeze(out) ... return out >>> class ModelToBeAttacked(BlackModel): ... def __init__(self, network): ... super(ModelToBeAttacked, self).__init__() ... self._network = network ... def predict(self, inputs): ... result = self._network(Tensor(inputs.astype(np.float32))) ... return result.asnumpy() >>> net = Net() >>> np.random.seed(5) >>> model = ModelToBeAttacked(net) >>> attack = PointWiseAttack(model) >>> x_test = np.asarray(np.random.random((1,1,32,32)), np.float32) >>> y_test = np.random.randint(0, 3, size=1) >>> is_adv_list, adv_list, query_times_each_adv = attack.generate(x_test, y_test)
- class mindarmour.adv_robustness.attacks.PSOAttack(model, model_type='classification', targeted=False, reserve_ratio=0.3, sparse=True, step_size=0.5, per_bounds=0.6, c1=2.0, c2=2.0, c=2.0, pop_size=6, t_max=1000, pm=0.5, bounds=None)[源代码]
PSO攻击表示基于粒子群优化(Particle Swarm Optimization)算法的黑盒攻击,属于差分进化算法。 此攻击是由Rayan Mosli等人(2019)提出的。
参数:
model (BlackModel) - 目标模型。
step_size (Union[int, float]) - 攻击步长。默认值:0.5。
per_bounds (Union[int, float]) - 扰动的相对变化范围。默认值:0.6。
c1 (Union[int, float]) - 权重系数。默认值:2。
c2 (Union[int, float]) - 权重系数。默认值:2。
c (Union[int, float]) - 扰动损失的权重。默认值:2。
pop_size (int) - 粒子的数量,应大于零。默认值:6。
t_max (int) - 每个对抗样本的最大迭代轮数,应大于零。默认值:1000。
pm (Union[int, float]) - 突变的概率,应在(0,1)的范围内。默认值:0.5。
bounds (Union[list, tuple, None]) - 数据的上下界。以(clip_min, clip_max)的形式出现。默认值:None。
targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。需要注意的是,model_type=’detection’仅支持无目标攻击,默认值:False。
sparse (bool) - 如果为True,则输入标签为稀疏编码。如果为False,则输入标签为onehot编码。默认值:True。
model_type (str) - 目标模型的类型。现在支持’classification’和’detection’。默认值:’classification’。
reserve_ratio (Union[int, float]) - 攻击后可检测到的对象百分比,特别是当model_type=’detection’。保留比率应在(0, 1)的范围内。默认值:0.3。
样例:
>>> import mindspore.nn as nn >>> from mindspore import Tensor >>> from mindspore.nn import Cell >>> from mindarmour import BlackModel >>> from mindarmour.adv_robustness.attacks import PSOAttack >>> class ModelToBeAttacked(BlackModel): ... def __init__(self, network): ... super(ModelToBeAttacked, self).__init__() ... self._network = network ... def predict(self, inputs): ... if len(inputs.shape) == 1: ... inputs = np.expand_dims(inputs, axis=0) ... result = self._network(Tensor(inputs.astype(np.float32))) ... return result.asnumpy() >>> class Net(Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._relu = nn.ReLU() ... def construct(self, inputs): ... out = self._relu(inputs) ... return out >>> net = Net() >>> model = ModelToBeAttacked(net) >>> attack = PSOAttack(model, bounds=(0.0, 1.0), pm=0.5, sparse=False) >>> batch_size = 6 >>> x_test = np.random.rand(batch_size, 10) >>> y_test = np.random.randint(low=0, high=10, size=batch_size) >>> y_test = np.eye(10)[y_test] >>> y_test = y_test.astype(np.float32) >>> _, adv_data, _ = attack.generate(x_test, y_test)
- generate(inputs, labels)[源代码]
根据输入数据和目标标签(或ground_truth标签)生成对抗样本。
参数:
inputs (Union[numpy.ndarray, tuple]) - 输入样本。如果model_type=’classification’,则输入的格式应为numpy.ndarray。输入的格式可以是(input1, input2, …),或者如果model_type=’detection’,则只能是一个数组。
labels (Union[numpy.ndarray, tuple]) - 目标标签或ground-truth标签。如果model_type=’classification’,标签的格式应为numpy.ndarray。如果model_type=’detection’,标签的格式应为(gt_boxes, gt_labels)。
返回:
numpy.ndarray - 每个攻击结果的布尔值。
numpy.ndarray - 生成的对抗样本。
numpy.ndarray - 每个样本的查询次数。
- class mindarmour.adv_robustness.attacks.SaltAndPepperNoiseAttack(model, bounds=(0.0, 1.0), max_iter=100, is_targeted=False, sparse=True)[源代码]
增加椒盐噪声的量以生成对抗样本。
参数:
model (BlackModel) - 目标模型。
bounds (tuple) - 数据的上下界。以(clip_min, clip_max)的形式出现。默认值:(0.0, 1.0)。
max_iter (int) - 生成对抗样本的最大迭代。默认值:100。
is_targeted (bool) - 如果为True,则为目标攻击。如果为False,则为无目标攻击。默认值:False。
sparse (bool) - 如果为True,则输入标签为稀疏编码。如果为False,则输入标签为onehot编码。默认值:True。
样例:
>>> from mindspore import Tensor >>> from mindarmour import BlackModel >>> import mindspore.ops.operations as P >>> from mindarmour.adv_robustness.attacks import SaltAndPepperNoiseAttack >>> class Net(nn.Cell): ... def __init__(self): ... super(Net, self).__init__() ... self._softmax = P.Softmax() ... self._reduce = P.ReduceSum() ... self._squeeze = P.Squeeze(1) ... def construct(self, inputs): ... out = self._softmax(inputs) ... out = self._reduce(out, 2) ... out = self._squeeze(out) ... return out >>> class ModelToBeAttacked(BlackModel): ... def __init__(self, network): ... super(ModelToBeAttacked, self).__init__() ... self._network = network ... def predict(self, inputs): ... if len(inputs.shape) == 1: ... inputs = np.expand_dims(inputs, axis=0) ... result = self._network(Tensor(inputs.astype(np.float32))) ... return result.asnumpy() >>> net = Net() >>> model = ModelToBeAttacked(net) >>> attack = SaltAndPepperNoiseAttack(model) >>> x_test = np.asarray(np.random.random((1,1,32,32)), np.float32) >>> y_test = np.random.randint(0, 3, size=1) >>> _, adv_list, _ = attack.generate(x_test, y_test)