- Research
- Open access
- Published:
Smooth adversarial examples
EURASIP Journal on Information Security volume 2020, Article number: 15 (2020)
Abstract
This paper investigates the visual quality of the adversarial examples. Recent papers propose to smooth the perturbations to get rid of high frequency artifacts. In this work, smoothing has a different meaning as it perceptually shapes the perturbation according to the visual content of the image to be attacked. The perturbation becomes locally smooth on the flat areas of the input image, but it may be noisy on its textured areas and sharp across its edges.This operation relies on Laplacian smoothing, well-known in graph signal processing, which we integrate in the attack pipeline. We benchmark several attacks with and without smoothing under a white box scenario and evaluate their transferability. Despite the additional constraint of smoothness, our attack has the same probability of success at lower distortion.
1 AAA
2 Introduction
Adversarial examples where introduced by Szegedy et al. [1] as imperceptible perturbations of a test image that can change a neural network’s prediction. This has spawned active research on adversarial attacks and defenses with competitions among research teams [2]. Despite the theoretical and practical progress in understanding, the sensitivity of neural networks to their input, assessing the imperceptibility of adversarial attacks remains elusive: user studies show that Lp norms are largely unsuitable, whereas more sophisticated measures are limited too [3].
Machine assessment of perceptual similarity between two images (the input image and its adversarial example) is arguably as difficult as the original classification task, while human assessment of whether one image is adversarial is hard when the Lp norm of the perturbation is small. Of course, when both images are available and the perturbation is isolated, one can always see it. To make the problem interesting, we ask the following question: given a single image, can the effect of a perturbation be magnified to the extent that it becomes visible and a human may decide whether this example is benign or adversarial?
Figure 1 shows that the answer is positive for a range of popular adversarial attacks. In Appendix 1, we propose a simple adversarial magnification producing a “magnified” version of a given image, without the knowledge of any other reference image. Assuming that natural images are locally smooth, this can reveal not only the existence of an adversarial perturbation but also its pattern. One can recognize, for instance, the pattern of Fig. 4 of [4] in our Fig. 1f, revealing a universal adversarial perturbation.
Motivated by this example, we argue that popular adversarial attacks have a fundamental limitation in terms of imperceptibility that we attempt to overcome by introducing smooth adversarial examples. Our attack assumes local smoothness and generates examples that are consistent with the precise smoothness pattern of the input image. More than just looking “natural” [5] or being smooth [6, 7], our adversarial examples are photorealistic, low-distortion, and virtually invisible even under magnification. This is evident by comparing our magnified example in Fig. 1d to the magnified original in Fig. 1b.
Given that our adversarial examples are more constrained, an interesting question is whether they perform well according to metrics like probability of success and Lp distortion. We show that our attack not only is competitive but outperforms Carlini & Wagner [8], from which our own attack differs basically by a smoothness penalty.
2.1 Contributions
As primary contributions, we
-
1
Investigate the behavior of existing attacks when perturbations become “smooth like” the input image; and
-
2
Devise one attack that performs well on standard metrics while satisfying the new constraint.
As secondary contributions, we
-
3.
Magnify perturbations to facilitate qualitative evaluation of their imperceptibility;
-
4.
Show that properly integrating the smoothness constraint is not as easy as smoothing the perturbation generated by an attack; and
-
5.
Define a new, more complete/fair evaluation protocol.
The remaining text is organized as follows. Section 2 formulates the problem and introduces a classification of attacks. It describes the C&W attack and the related work. Section 3 explains Laplacian smoothing, on which we build our method. Section 4 presents our smooth adversarial attacks, and Section 5 provides experimental evaluation. Conclusions are drawn in Section 6. Our adversarial magnification used to generate Fig. 1 is specified in Appendix 1.
3 Problem formulation and related work
Let us denote by \(\mathbf {x} \in \mathcal {X} \mathrel {:=} [0,1]^{n \times d}\) an image of n pixels and d color channels that has been flattened in a given ordering of the spatial components. A classifier network f maps that input image x to an output \(\mathbf {y}=\mathsf {f}(\mathbf {x}) \in \mathbb {R}^{k}\) which contains the logits of k classes. It is typically followed by softmax and cross-entropy loss at supervised training or by arg max at test time. An input x with logits y=f(x) is correctly classified if the prediction p(x) := arg maxiyi equals the true label of x.
The attacker mounts a white box attack that is specific to f, public and known. The attack modifies an original image \({\mathbf {x}_{o}} \in \mathcal {X}\) with given true label \(t \in \{1,\dots,k\}\) into an adversarial example \({\mathbf {x}_{a}} \in \mathcal {X}\), which may be incorrectly classified by the network, that is p(xa)≠t, although it looks similar to the original xo. The latter is often expressed by a small L2distortion ∥xa−xo∥.
3.1 Families of attacks
In a white box setting, attacks typically rely on exploiting the gradient of some loss function. We propose to classify known attacks into three families.
3.1.1 Target distortion
This family gathers attacks targeting a distortion ε given as an input parameter. Examples are early attacks like Fast Gradient Sign Method (FGSM) [9] and Iterative-FGSM (I-FGSM) [10]. Their performance is then measured by the probability of success\({P_{\text {suc}}} \mathrel {:=} \mathbb{P}(\mathsf {p}({\mathbf {x}_{a}})\neq t)\) as a function of ε.
3.1.2 Target success
This family gathers attacks that always succeed in misclassifying xa, at the price of a possible large distortion. DeepFool [11] is a typical example. Their performance is then measured by the expected distortion\({\overline {D}} \mathrel {:=} \mathbbm {E}(\|{\mathbf {x}_{a}} - {\mathbf {x}_{o}}\|)\).
These two first families are implemented with variations of a gradient descent method. A classification loss function is defined on an output logit vector y=f(x) with respect to the original true label t, denoted by ℓ(y,t).
3.1.3 Target optimality
The above attacks are not optimal because they a priori do not solve the problem of succeeding under minimal distortion,
Szegedy et al. [1] approximate this constrained minimization problem by a Lagrangian formulation
Parameter λ controls the trade-off between the distortion and the classification loss. Szegedy et al. [1] carry out this optimization by box-constrained L-BFGS.
The attack of Carlini & Wagner [8], denoted C&W in the sequel, pertains to this approach. A change of variable eliminates the box constraint: \(\mathbf {x}\in \mathcal {X}\) is replaced by σ(w), where \(\mathbf {w} \in \mathbb {R}^{n \times d}\) is a latent vector and σ is the element-wise sigmoid function that projects \(\ \mathbb {R}^{n \times d}\) to \(\mathcal {X}\). A margin is introduced: an untargeted attack makes the logit yt less than any other logit yi for i≠t by at least a margin m≥0. Similar to the multi-class SVM loss by Crammer and Singer [12] (where m=1), the loss function ℓ is then defined as
where [ ·]+ denotes the positive part. The C&W attack uses the Adam optimizer [13] to minimize the functional
initializing by wo :=σ−1(xo). When the margin is reached, loss ℓ(y,t) (3) vanishes and the distortion term pulls σ(w) back towards xo, causing oscillations around the margin. Among all successful iterates, the one with the least distortion is kept; if there is none, the attack fails. The process is repeated for different Lagrangian multiplier λ according to line search. This family of attacks is typically more expensive than the two first.
3.2 Imperceptibility of adversarial perturbations
Adversarial perturbations are often invisible only because their amplitude is extremely small. Few papers deal with the need of improving the imperceptibility of the adversarial perturbations. The main idea in this direction is to create low or mid-frequency perturbation patterns.
Zhou et al. [14] add a regularization term for the sake of transferability, which removes the high frequencies of the perturbation via low-pass spatial filtering. Heng et al. [6] propose a harmonic adversarial attack where perturbations are very smooth gradient-like images. Guo et al. [7] design an attack explicitly in the Fourier domain. However, in all cases above, the convolution and the bases of the harmonic functions and of the Fourier transform are independent of the visual content of the input image.
In contrast, the adversarial examples in this work are crafted to be locally compliant with the smoothness of the original image. Our perturbation may be sharp across the edges of xo but smooth wherever xo is, e.g., on background regions. It is not just smooth but photorealistic, because its smoothness pattern is guided by the input image.
An analogy becomes evident with digital watermarking [15]. In this application, the watermark signal pushes the input image into the detection region (the set of images deemed as watermarked by the detector), whereas here the adversarial perturbation drives the image outside its class region. The watermark is invisible thanks to the masking property of the input image [16]. Its textured areas and its contours can hide a lot of watermarking power, but the flat areas cannot be modified without producing noticeable artifacts. Perceptually shaping the watermark signal allows a stronger power, which in turn yields more robustness.
Another related problem, with similar solutions mathematically, is photorealistic style transfer. Luan et al. [17] transfer style from a reference style image to an input image, while constraining the output to being photorealistic with respect to the input. This work as well as follow-up works [18, 19] is based on variants of Laplacian smoothing or regularization much like we do.
It is important to highlight that high frequencies can be powerful for deluding a network, as illustrated by the extreme example of the one pixel attack [20]. However, this is arguably one of the most visible attacks.
4 Background on graph Laplacian smoothing
Popular attacks typically produce noisy patterns that are not found in natural images. They may not be visible at first sight because of their low amplitude, but they are easily detected once magnified (see Fig. 1). Our objective is to craft an adversarial perturbation that is locally as smooth as the input image, remaining invisible through magnification. This section gives background on Laplacian smoothing [21, 22], a classical operator in graph signal processing [23, 24], which we adapt to images here. Section 4 uses it to generate a smooth perturbation guided by the original input image.
4.1 Graph
Laplacian smoothing builds on a weighted undirected graph whose n vertices correspond to the n pixels of the input image xo. The ith vertex of the graph is associated with feature xi∈[ 0,1]d that is the ith row of xo, that is, xo=[x1,…,xn]⊤. Matrix \(\mathbf {p}\in \mathbb {R}^{n\times 2}\) denotes the spatial coordinates of the n pixels in the image, and similarly p=[p1,…,pn]⊤. An edge (i,j) of the graph is associated with weight wij≥0, giving rise to an n×n symmetric adjacency matrix W, for instance defined as
for \(i,j\in \{1,\dots,n\}\), where kf is a feature kernel and ks is a spatial kernel, both being usually Gaussian or Laplacian. The spatial kernel is typically nonzero only on nearest neighbors, resulting in a sparse matrix W. We further define the n×ndegree matrix D :=diag(W1n) where 1n is the all-ones n-vector.
4.2 Regularization [21]
Now, given a new signal \(\mathbf {z} \in \mathbb {R}^{n \times d}\) on this graph, the objective of graph smoothing is to find another signal r, which is close to z, while at the same time being smooth according to the neighborhood system represented by the graph. Precisely, given z, we define the output signal\(\mathsf {s}_{\alpha }(\mathbf {z}) \mathrel {:=} \arg \min _{\mathbf {r}\in \mathbb {R}^{n\times d}} \phi _{\alpha }(\mathbf {r},\mathbf {z})\), with
where \(\hat {\mathbf {r}} \mathrel {:=} \mathbf {D}^{-1/2} \mathbf {r}\) and ∥·∥F is the Frobenius norm. The first summand is the smoothness term. It encourages \(\hat {\mathbf {r}}_{i}\) to be close to \(\hat {\mathbf {r}}_{j}\) when wij is large, i.e., when pixels i and j of input xo are neighbors and similar. This encourages r to be smooth wherever xo is. The second summand is the fitness term that encourages r to stay close to z. Parameter α∈[0,1) controls the trade-off between the two.
4.3 Filtering
If we symmetrically normalize matrix W as \(\mathcal {W} \mathrel {:=} \mathbf {D}^{-1/2} \mathbf {W} \mathbf {D}^{-1/2}\) and define the n×nregularized Laplacian matrix \(\mathcal {L}_{\alpha } \mathrel {:=} (\mathbf {I}_{n} - \alpha \mathcal {W}) / (1-\alpha)\), then the expression (6) simplifies to the following quadratic form:
This reveals, by letting the derivative ∂ϕ/∂r vanish independently per column, that the smoothed signal is given in closed form:
This solution is unique because matrix \(\mathcal {L}_{\alpha }\) is positive-definite. Parameter α controls the bandwidth of the smoothing: function sα is the all-pass filter for α=0 and becomes a strict “low-pass” filter when α→1 [25].
Variants of the model above have been used for instance for interactive image segmentation [22, 26, 27], transductive semi-supervised classification [21, 28], and ranking on manifolds [29, 30]. Input z expresses labels known for some input pixels (for segmentation) or samples (for classification), or identifies queries (for ranking), and is null for the remaining vertices. Smoothing then spreads the labels to these vertices according the weights of the graph.
4.4 Normalization
Contrary to applications like interactive segmentation or semi-supervised classification [21, 22], z does not represent a binary labeling but rather an arbitrary perturbation in this work. Also contrary to such applications, the output is neither normalized nor taken as the maximum over feature dimensions (channels). If \(\mathcal {L}_{\alpha }^{-1}\) is seen as a spatial filter, we therefore row-wise normalize it to one in order to preserve the dynamic range of z. We therefore define the normalized smoothing function as
This function of course depends on xo. We omit this from notation but we say \(\hat {\mathsf {s}}_{\alpha }\) is smoothing guided by xo and the output is smooth like xo.
5 Integrating smoothness into the attack
The key idea of the paper is that the smoothness of the perturbation is now consistent with the smoothness of the original input image xo, which is achieved by smoothing operations guided by xo. This section integrates smoothness into attacks targeting distortion (Section 4.1) and attacks targeting optimality (Section 4.2), but in very different ways.
5.1 Simple attacks
We consider here simple attacks targeting distortion or success based on gradient descent of the loss function. There are many variations which normalize or clip the update according to the norm used for measuring the distortion, a learning rate or a fixed step etc. These variants are loosely prototyped as the iterative process
where c is a clipping function and n a normalization function according to the variant. Function c should at least produce a valid image: \(\mathsf {c}(\mathbf {x})\in \mathcal {X}=[0,1]^{n\times d}\).
5.1.1 Quick and dirty
To keep these simple attacks simple, smoothness is loosely integrated after the gradient computation and before the update normalization:
This approach can be seen as a projected gradient descent on the manifold of perturbations that are smooth like xo. When applied to PGD2, we call this attack qPGD2 where the “q” stands for a “quick and dirty” integration of the smoothness constraint.
5.2 Attack targeting optimality
This section integrates smoothness in the attacks targeting optimality like C&W. Our starting point is the unconstrained problem (4) [8]. However, instead of representing the perturbation signal r :=x−xo implicitly as a function σ(w)−xo of another parameter w, we express the objective explicitly as a function of variable r, as in the original formulation of (2) in [1]. We make this choice because we need to directly process the perturbation r. On the other hand, we now need the element-wise clipping function c(x) := min([x]+,1) to satisfy the constraint \(\mathbf {x} = {\mathbf {x}_{o}}+\mathbf {r} \in \mathcal {X}\) (2). Our problem is then
where r is unconstrained in \(\mathbb {R}^{n \times d}\).
5.2.1 Smoothness penalty
At this point, optimizing (13) results in “independent” updates at each pixel. We would rather like to take the smoothness structure of the input xo into account and impose a similar structure on r. Representing the pairwise relations by a graph as discussed in Section 3, a straightforward choice is to introduce a pairwise loss term
into (13), where we recall that wij are the elements of the adjacency matrix W of xo, \(\hat {\mathbf {r}} \mathrel {:=} \mathbf {D}^{-1/2} \mathbf {r}\) and D :=diag(W1n). A problem is that the spatial kernel is typically narrow to capture smoothness only locally. Even if parameter μ is large, it would take a lot of iterations for the information to propagate globally, each iteration needing a forward and backward pass through the network.
5.2.2 Smoothness constraint
What we advocate instead is to apply a global smoothing process at each iteration: we introduce a latent variable\(\mathbf {z} \in \mathbb {R}^{n \times d}\) and seek for a joint solution with respect to r and z of the following
where ϕ is defined by (6). In words, z represents an unconstrained perturbation, while r should be close to z, smooth like xo, small, and such that the perturbed input xo+r satisfies the classification objective. Then, by letting μ→∞, the first term becomes a hard constraint imposing a globally smooth solution at each iteration:
where \(\hat {\mathsf {s}}_{\alpha }\) is defined by (9). During optimization, every iterate of this perturbation r is smooth like xo.
5.2.3 Optimization
With this definition in place, we solve for z the following unconstrained problem over \(\mathbb {R}^{n\times d}\):
Observe that this problem has the same form as (13), where r has been replaced by \(\hat {\mathsf {s}}_{\alpha }(\mathbf {z})\). This implies that we can use the same optimization method as the C&W attack. The only difference is that the variable is z, which we initialize by z=0n×d, and we apply function \(\hat {\mathsf {s}}_{\alpha }\) at each iteration.
Gradients are easy to compute because our smoothing is a linear operator. We denote the loss on this new variable by \(L(\mathbf {z}) \mathrel {:=} \ell (\mathsf {f}(\mathsf {c}({\mathbf {x}_{o}}+\hat {\mathsf {s}}_{\alpha }(\mathbf {z}))),t)\). Its gradient is
where \(\mathbf {J}_{\hat {\mathsf {s}}_{\alpha }}(\mathbf {z})\) is the n×n Jacobian matrix of the smoothing operator at z. Since our smoothing operator is defined by (8) and (9) is linear, \(\mathbf {J}_{\hat {\mathsf {s}}_{\alpha }}(\mathbf {z}) = \text {diag}(\mathsf {s}_{\alpha }(\mathbf {1}_{n}))^{-1}\mathcal {L}_{\alpha }^{-1}\) is a matrix constant in z, and multiplication by this matrix is equivalent to smoothing. The same holds for the distortion penalty \(\left \|{{\hat {\mathsf {s}}_{\alpha }(\mathbf {z})}}\right \|^{2}\). This means that in the backward pass, the gradient of the objective (18) w.r.t. z is obtained from the gradient w.r.t. r (or x) by smoothing, much like how r is obtained from z in the forward pass (17).
Matrix \(\mathcal {L}_{\alpha }\) is fixed during optimization, depending only on input xo. For small images like in the MNIST dataset [31], it can be inverted: function \(\hat {\mathsf {s}}_{\alpha }\) is really a matrix multiplication. For larger images, we use the conjugate gradient (CG) method [32] to solve the set of linear systems \(\mathcal {L}_{\alpha } \mathbf {r} = \mathbf {z}\) for r given z. Again, this is possible because matrix \(\mathcal {L}_{\alpha }\) is positive-definite, and indeed, it is the most common solution in similar problems [26, 30, 33]. At each iteration, one computes a product of the form \(\mathbf {v} \mapsto \mathcal {L}_{\alpha } \mathbf {v}\), which is efficient because \(\mathcal {L}_{\alpha }\) is sparse. In the backward pass, one can either use CG on the gradient, or auto-differentiate (AD) through the forward CG iterations. We choose the latter because it is the simplest implementation-wise. The two options have the same complexity and should have the same run-time in theory. In practice, Tensorflow AD takes 0.43 s on average for 50 CG iterations on ImageNet and InceptionV3, while CG forward takes 0.33 s.
5.2.4 Discussion
The clipping function c that we use is just the identity over the interval [0,1], but outside this interval, its derivative is zero. Carlini & Wagner [8] therefore argue that the numerical solver of problem (13) suffers from getting stuck in flat spots: when a pixel of the perturbed input xo+r falls outside [0,1], it keeps having zero derivative after that and with no chance of returning to [0,1] even if this is beneficial. This limitation does not apply to our case thanks to the L2 distortion penalty in (13) and to the updates in its neighborhood: such a value may return to [0,1] thanks to the smoothing operation.
6 Experiments
Our experiments focus on the white box setting, where the defender first exhibits a network, and then the attacker mounts an attack specific to this network, but we also investigate a transferability scenario. All attacks are untargetted, as defined by loss function (3).
6.1 Evaluation protocol
For the perceptual evaluation of the quality of the adversarial images, we follow the recommendation of [34]. This paper compares fifteen metrics (including SSIM, PSNR, and wPSNR) to the subjective perceptual evaluation of a panel of users. The conclusion is that most apparent distortion (MAD) [35] is the metric best reflecting user assessment. A low MAD score means better fidelity.
For quantitative evaluation of the strength of an attack, we use two global statistics and an operating characteristic curve. Given a test image set of N′ images, we only consider its subset X of N images that are classified correctly without any attack. The accuracy of the classifier is N/N′. Let Xsuc be the subset of X with Nsuc :=|Xsuc| where the attack succeeds and let D(xo) :=∥xa−xo∥ be the distortion for image xo∈Xsuc.
The global statistics are the success probability Psuc and expected distortion\({\overline {D}}\) as defined in Section 2, estimated by
with the exception that \({\overline {D}}\) here is the conditional average distortion, where conditioning is on success. Indeed, distortion makes no sense for a failure.
If Dmax= maxxo∈XsucD(xo) is the maximum distortion, the operating characteristic function P:[0,Dmax]→[0,1] measures the probability of success as a function of a given upper bound D on distortion. For D∈[0,Dmax],
This function increases from P(0)=0 to P(Dmax)=Psuc.
It is difficult to define a fair comparison of distortion targeting attacks to optimality targeting attacks. For the first family, we run a given attack several times over the test set with different target distortion ε. The attack succeeds on image xo∈X if it succeeds on any of the runs. For xo∈Xsuc, the distortion D(xo) is the minimum distortion over all runs. All statistics are then evaluated as above.
6.2 Datasets, networks, and attacks
6.2.1 MNIST [ 36]
We consider a simple convolutional network with three convolutional layers and one fully connected layer that we denote as C4, giving accuracy 0.99. In detail, the first convolutional layer has 64 features, kernel of size 8 and stride 2; the second layer has 128 features, kernel of size 6 and stride 2; the third has also 128 features, but kernel of size 5 and stride 1.
6.2.2 ImageNet
We use the dataset of the NIPS 2017 adversarial competition [37], comprising 1000 images from ImageNet [38]. We use InceptionV3 [39] and ResNetV2-50 [40] networks, with accuracy 0.96 and 0.93 respectively.
6.2.3 Attacks
The following six attacks are benchmarked:
-
L2 distortion: An L2 version of I-FGSM [42], denoted as PGD2 (projected gradient descent).
-
Optimality: The L2 version of C&W [8].
-
Smooth: Our smooth versions qPGD2 of PGD2 (Section 4.1) and sC&W of C&W (Section 4.2). Note that the smoothness constraint integration differs a lot between qPGD2 and sC&W.
6.2.4 Parameters
On MNIST, we use ε=0.3 for FGSM; ε=0.3,α=0.08 for I-FGSM; ε=5,α=3 for PGD2; confidence margin m=1, learning rate η=0.1, and initial constant c=15 (the inverse of λ in (4)) for C&W. For smoothing, we use Laplacian feature kernel, set α=0.95, and pre-compute \(\mathcal {L}_{\alpha }^{-1}\). On ImageNet, we use ε=0.1255 for FGSM; ε=0.1255,α=0.08 for I-FGSM; ε=5,α=3 for PGD2; m=0, η=0.1, and c=100 for C&W. For smoothing, we use Laplacian feature kernel, set α=0.997, and use 50 iterations of CG. These settings are used in Section 5.5.
6.3 White box scenario
6.3.1 Qualitative results and perceptual evaluation
Figures 2 and 3 show MNIST and ImageNet examples, respectively, focusing on worst cases. Both sC&W and qPGD2 produce smooth perturbations that look more natural. However, smoothing of qPGD2 is more aggressive especially on MNIST, as these images contain flat black or white areas.
This is due to the “quick and dirty” integration of the smoothness constraint: On some images, the perturbation update \(\hat {\mathsf {s}}_{\alpha }(\mathbf {g})\) is weakly correlated with gradient g, which does not help in lowering the classification loss. Consequently, the perturbation becomes stronger in order to succeed. For the same reason, qPGD2 completely fails on natural images like Fig. 3a and c. It consumes way more distortion than PGD2, and although this perturbation is smoother, it becomes visible.
By contrast, the proper integration of the smoothness constraint in sC&W produces totally invisible perturbation. For images like Fig. 3a or c, sC&W consumes more distortion than C&W, but the perturbation remains less visible according to the MAD score. The reason is the “phantom” of the original that is revealed when the perturbation is isolated.
The superior perceptual quality of our smooth adversarial examples is also confirmed quantitatively: On ImageNet, 93% of the images produced by sC&W have lower MAD score than the ones by C&W. Figure 4 shows that when the MAD score of sC&W is greater than the one of C&W, it usually happens for very small score values (below 0.1), meaning that both are almost equally imperceptible.
6.3.2 Quantitative results on success and distortion
The global statistics \({P_{\text {suc}}},{\overline {D}}\) are shown in Table 1. Operating characteristics over MNIST and ImageNet are shown in Figs. 5 and 6 respectively.
We observe that our sC&W, with the proper integration via a latent variable (18), improves a lot the original C&W in terms of distortion, while keeping the probability of success roughly the same. This result, consistent in all experiments, is surprising. We would expect a price to be paid for a better invisibility as the smoothing is adding an extra constraint on the perturbation. This price can be rather high in the literature: In order to preserve the success rate, Table 1 of [7] reports an increase of distortion by a factor of 3 when integrating smoothness in the attack. An explanation may be that the smoothing operation of [7] is independent of the input image; while in our case, smoothing is guided by the input.
On the contrary, the “quick and dirty” integration (12) dramatically spoils qPGD2 with big distortion especially on MNIST. This reveals the utmost importance of properly integrating the smoothness constraint. It cannot be just a post-processing filtering of the perturbation.
The price to pay for smoothing is the run-time: using Tensorflow and 50 CG iterations on ImageNet and InceptionV3, sC&W takes 205 s per image on average, while C&W takes 47 s. This is with our own implementation of CG without particular optimization effort. Runtime was not within our objectives.
We further observe that PGD2 outperforms by a vast margin the C&W attack, which is supposed to be close to optimality. This may be due in part to how the Adam optimizer treats L2 norm penalties as studied in [43]. This interesting finding is a result of our new evaluation protocol: C&W internally optimizes its parameter c=1/λ independently per image, while for PGD2, we externally try a small set of target distortions D on the entire dataset. This is visible in Fig. 5, where the operating characteristic is piecewise constant. Our comparison is fair, given that C&W is more expensive.
As already observed in the literature, ResnetV2 is more robust to attacks than InceptionV3: The operating characteristic curves are shifted to the right and increase at a slower rate.
6.4 Adversarial training
The defender now uses adversarial training [41] to gain robustness against attacks. Yet, the white box scenario still holds: this network is public. The training set comprises images attacked with “step l.l” model [10]Footnote 1. The accuracy of C4 on MNIST (resp. InceptionV3 on ImageNet) is now 0.99 (resp. 0.94).
Table 2 shows interesting results. As expected, FGSM is defeated in all cases, while average distortion of all attacks is increased in general. What is unexpected is that on MNIST, sC&W remains successful while the probability of C&W drops. On ImageNet however, it is the probability of the smooth versions qPGD2 and sC&W that drops. I-FGSM is also defeated in this case, in the sense that average distortion increases too much.
6.5 Transferability
This section investigates the transferability of the attacks under the following scenario: the attacker has now a partial knowledge about the network. For instance, he/she knows that the defender chose a variant of InceptionV3, but this variant is not public so he/she attacks InceptionV3 instead. Also, this time, he/she is not allowed to test different distortion targets. The results are shown in Table 3.
The first variant uses a bilateral filter (with standard deviations 0.5 and 0.2 in the domain and range kernel respectively; cf Appendix 1) before feeding the network. This does not really prevent the attacks. PGD2 remains a very powerful attack if the distortion is large enough. Smoothing makes the attack less effective, but the perturbations are less visible. The second variant uses the adversarially trained InceptionV3, which is, on the contrary, a very efficient counter-measure under this scenario.
Figure 7 shows the operating characteristics of C&W and sC&W corresponding to the bilateral filter results of Table 3. We see that within a distortion budget of 5, sC&W succeeds with 67% probability, whereas C&W with 50%. Yet, at larger distortion budgets, C&W keeps on forging more adversarial images whereas sC&W stops making progress. This is understandable: C&W creates strong artifacts clearly visible when the distortion is larger or equal to 5, as shown in Fig. 3. The upfront defense filters out some of these strong perturbations, but the rest remain successful. These images are adversarial by definition, yet not useful in practice because they are too much distorted.
7 Conclusion
Smoothing helps masking the adversarial perturbation by shaping it “like” the input image. However, this rule holds only when smoothness is properly integrated in the attack. Filtering the perturbation by post-processing is not a sound idea, even if it is done in accordance with the original image, even if it is done at each attack iteration. A sounder integration is to inject smoothness as a constraint inside the loss function.
It is impressive how sC&W improves upon C&W in terms of distortion and imperceptibility at the same time while maintaining the same success rate. To our knowledge and as far as a white box scenario is considered, this is the first time smoothness comes for free from this viewpoint. Yet, a price to be paid is the larger complexity.
Smoothing allows the attacker to delude more robust networks thanks to larger distortions while still being invisible. However, its impact on transferability is mitigated. The question raised in the introduction is still open: Fig. 1 shows that a human does not make the difference between the input image and its adversarial example even with magnification. This does not prove that an algorithm will not detect some statistical evidence.
8 Appendix 1
Adversarial magnification
Given a single-channel image \(\mathbf {x}: \Omega \to \mathbb {R}\) as input, its adversarial magnification\(\mathsf {{mag}}(\mathbf {x}): \Omega \to \mathbb {R}\) is defined as the following local normalization operation
where μx(x) and σx(x) are the local mean and standard deviation of x respectively, and \(\sigma _{\Omega }(\mathbf {x})\in \mathbb {R}^{+}\) is the global standard deviation of x over Ω. Parameter β∈[0,1] determines how much local variation is magnified in x.
In our implementation, μx(x)=b(x), the bilateral filtering of x [44]. It applies a local kernel at each point p∈Ω that is the product of a domain and a range Gaussian kernel. The domain kernel measures the geometric proximity of every point q∈Ω to p as a function of ∥p−q∥, and the range kernel measures the photometric similarity of every point q∈Ω to p as a function |x(p)−x(q)|. On the other hand, σx(x)=bx((x−μx(x))2)−1/2. Here, bx is a guided version of the bilateral filter, where it is the reference image x rather than (x−μx(x))2 that is used in the range kernel.
When \(\mathbf {x}: \Omega \to \mathbb {R}^{d}\) is a d-channel image, we apply all the filters independently per channel, but photometric similarity is just one scalar per point as a function of the Euclidean distance ∥x(p)−x(q)∥ measured over all d channels.
In Fig. 1, β=0.8. The standard deviation of both the domain and range Gaussian kernels is 5.
Notes
References
C. Szegedy, W. Zaremba, I. Sutskever, J. Bruna, D. Erhan, I. Goodfellow, R. Fergus, Intriguing properties of neural networks (2013). arXiv:1312.6199.
A. Kurakin, I. Goodfellow, S. Bengio, Y. Dong, F. Liao, M. Liang, T. Pang, J. Zhu, X. Hu, C. Xie, J. Wang, Z. Zhang, Z. Ren, A. Yuille, S. Huang, Y. Zhao, Y. Zhao, Z. Han, J. Long, Y. Berdibekov, T. Akiba, S. Tokui, M. Abe, Adversarial attacks and defences competition (2018). arXiv:1804.00097.
M. Sharif, L. Bauer, M. K. Reiter, On the suitability of lp-norms for creating and preventing adversarial examples (2018). arXiv:1802.09653.
S. Moosavi-Dezfooli, A. Fawzi, O. Fawzi, P. Frossard, in CVPR. Universal adversarial perturbations (IEEE, 2017), pp. 86–94.
Z. Zhao, D. Dua, S. Singh, in ICLR. Generating natural adversarial examples, (2018). https://doi.org/10.18653/v1/d18-1316.
W. Heng, S. Zhou, T. Jiang, Harmonic adversarial attack method (2018). arXiv:1807.10590.
C. Guo, J. S. Frank, K. Q. Weinberger, Low frequency adversarial perturbation (2018). arXiv:1809.08758.
N. Carlini, D. Wagner, in IEEE Symp. on Security and Privacy. Towards evaluating the robustness of neural networks, (2017). https://doi.org/10.1109/sp.2017.49.
I. J. Goodfellow, J. Shlens, C. Szegedy, Explaining and harnessing adversarial examples (2014). arXiv:1412.6572.
A. Kurakin, I. Goodfellow, S. Bengio, Adversarial examples in the physical world (2016). arXiv:1607.02533.
S. -M. Moosavi-Dezfooli, A. Fawzi, P. Frossard, in CVPR. Deepfool: a simple and accurate method to fool deep neural networks, (2016). https://doi.org/10.1109/cvpr.2016.282.
K. Crammer, Y. Singer, On the algorithmic implementation of multiclass kernel-based vector machines. J. Mach. Learn. Res. 2(Dec), 265–292 (2001).
D. Kingma, J. Ba, Adam: a method for stochastic optimization (2015). arXiv:1412.6980.
W. Zhou, X. Hou, Y. Chen, M. Tang, X. Huang, X. Gan, Y. Yang, in ECCV. Transferable adversarial perturbations (Springer International PublishingCham, 2018), pp. 471–486.
E. Quiring, D. Arp, K. Rieck, in 2018 IEEE European Symposium on Security and Privacy (EuroS P). Forgotten siblings: unifying attacks on machine learning and digital watermarking, (2018), pp. 488–502. https://doi.org/10.1109/EuroSP.2018.00041.
I. Cox, M. Miller, J. Bloom, J. Fridrich, T. Kalker, Digital Watermarking, 2nd edn. (Elsevier, 2008).
F. Luan, S. Paris, E. Shechtman, K. Bala, in The IEEE Conference on Computer Vision and Pattern Recognition (CVPR). Deep Photo Style Transfer, (2017).
G. Puy, P. Pérez, A flexible convolutional solver with application to photorealistic style transfer (2018). arXiv:1806.05285.
Y. Li, M. -Y. Liu, X. Li, M. -H. Yang, J. Kautz, A closed-form solution to photorealistic image stylization (2018). arXiv:1802.06474.
J. Su, D. Vargas, K. Sakurai, One pixel attack for fooling deep neural networks. IEEE Trans. Evol. Comput. (2019). https://doi.org/10.1109/tevc.2019.2890858.
D. Zhou, O. Bousquet, T. N. Lal, J. Weston, B. Schölkopf, in NIPS. Learning with local and global consistency (MIT Press, 2003), pp. 321–328.
T. H. Kim, K. M. Lee, S. U. Lee, in ECCV. Generative image segmentation using random walks with restart, (2008). https://doi.org/10.1007/978-3-540-88690-7_20.
A. Sandryhaila, J. M. Moura, Discrete signal processing on graphs. IEEE Trans. Sig. Process.61(7) (2013). https://doi.org/10.1109/tsp.2013.2238935.
D. I. Shuman, S. K. Narang, P. Frossard, A. Ortega, P. Vandergheynst, The emerging field of signal processing on graphs: extending high-dimensional data analysis to networks and other irregular domains. IEEE Sig. Process. Mag.30(3) (2013). https://doi.org/10.1109/msp.2012.2235192.
A. Iscen, Y. Avrithis, G. Tolias, T. Furon, O. Chum, in CVPR. Fast spectral ranking for similarity search, (2018). https://doi.org/10.1109/cvpr.2018.00796.
L. Grady, Random walks for image segmentation. IEEE Trans. PAMI. 28(11), 1768–1783 (2006).
P. Vernaza, M. Chandraker, in CVPR. Learning random-walk label propagation for weakly-supervised semantic segmentation, (2017). https://doi.org/10.1109/cvpr.2017.315.
X. Zhu, Z. Ghahramani, J. Lafferty, in ICML. Semi-supervised learning using Gaussian fields and harmonic functions, (2003), pp. 912–919.
D. Zhou, J. Weston, A. Gretton, O. Bousquet, B. Schölkopf, in NIPS. Ranking on data manifolds (MIT Press, 2003), pp. 169–176. http://papers.nips.cc/paper/2447-ranking-on-data-manifolds.pdf.
A. Iscen, G. Tolias, Y. Avrithis, T. Furon, O. Chum, in CVPR. Efficient diffusion on region manifolds: recovering small objects with compact CNN representations, (2017). https://doi.org/10.1109/cvpr.2017.105.
Y. Lecun, L. Bottou, Y. Bengio, P. Haffner, Gradient-based learning applied to document recognition. Proc. IEEE. 86(11) (1998). https://doi.org/10.1109/5.726791.
J. Nocedal, S. Wright, Numerical Optimization (Springer, 2006). https://doi.org/10.1007/978-3-540-35447-5.
S. Chandra, I. Kokkinos, in ECCV. Fast, exact and multi-scale inference for semantic image segmentation with deep Gaussian CRFs, (2016). https://doi.org/10.1007/978-3-319-46478-7_25.
S. A. Fezza, Y. Bakhti, W. Hamidouche, O. Déforges, in 2019 Eleventh International Conference on Quality of Multimedia Experience (QoMEX). Perceptual evaluation of adversarial attacks for CNN-based image classification, (2019), pp. 1–6. https://doi.org/10.1109/QoMEX.2019.8743213.
E. C. Larson, D. M. Chandler, Most apparent distortion: full-reference image quality assessment and the role of strategy. J. Electron. Imaging. 19(1), 011006 (2010). https://doi.org/10.1117/1.3267105.
Y. LeCun, C. Cortes, C. Burges, MNIST handwritten digit database. 2: (2010). AT&T Labs [Online]. Available: http://yann.lecun.com/exdb/mnist. Accessed 30 June 2020.
A. Kurakin, I. Goodfellow, S. Bengio, Y. Dong, F. Liao, M. Liang, T. Pang, J. Zhu, X. Hu, C. Xie, et al., Adversarial attacks and defences competition (2018). arXiv:1804.00097.
J. Deng, W. Dong, R. Socher, L. -J. Li, K. Li, L. Fei-Fei, in CVPR. Imagenet: a large-scale hierarchical image database (Ieee, 2009), pp. 248–255. https://doi.org/10.1109/cvpr.2009.5206848.
C. Szegedy, V. Vanhoucke, S. Ioffe, J. Shlens, Z. Wojna, in Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. Rethinking the inception architecture for computer vision, (2016), pp. 2818–2826. https://doi.org/10.1109/cvpr.2016.308.
K. He, X. Zhang, S. Ren, J. Sun, in Computer Vision – ECCV 2016, ed. by B. Leibe, J. Matas, N. Sebe, and M. Welling. Identity Mappings in Deep Residual Networks (Springer International PublishingCham, 2016), pp. 630–645. https://github.com/KaimingHe/resnet-1k-layers.
I. J. Goodfellow, J. Shlens, C. Szegedy, in 3rd International Conference on Learning Representations, ICLR 2015, San Diego, CA, USA, May 7-9, 2015, Conference Track Proceedings. Explaining and harnessing adversarial examples, (2015). http://arxiv.org/abs/1412.6572.
N. Papernot, F. Faghri, N. Carlini, I. Goodfellow, R. Feinman, A. Kurakin, C. Xie, Y. Sharma, T. Brown, A. Roy, A. Matyasko, V. Behzadan, K. Hambardzumyan, Z. Zhang, Y. -L. Juang, Z. Li, R. Sheatsley, A. Garg, J. Uesato, W. Gierke, Y. Dong, D. Berthelot, P. Hendricks, J. Rauber, R. Long, Technical report on the cleverhans v2.1.0 adversarial examples library (2018). arXiv:1610.00768.
I. Loshchilov, F. Hutter, Fixing weight decay regularization in adam. CoRR. abs/1711.05101: (2017).
C. Tomasi, R. Manduchi, in ICCV. Bilateral filtering for gray and color images, (1998). https://doi.org/10.1109/iccv.1998.710815.
Acknowledgements
Not applicable.
Funding
The Ph.D. thesis of Hanwei Zhang is funded by the Chinese Scholarship Council. Teddy Furon is funded by the chaire on artificial intelligence SAIDA.
Author information
Authors and Affiliations
Contributions
The authors declare equal contributions. The authors read and approved the final manuscript.
Corresponding author
Ethics declarations
Competing interests
The authors declare that they have no competing interests.
Additional information
Publisher’s Note
Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Rights and permissions
Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article’s Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article’s Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.
About this article
Cite this article
Zhang, H., Avrithis, Y., Furon, T. et al. Smooth adversarial examples. EURASIP J. on Info. Security 2020, 15 (2020). https://doi.org/10.1186/s13635-020-00112-z
Received:
Accepted:
Published:
DOI: https://doi.org/10.1186/s13635-020-00112-z