b

DiscoverSearch
About
My stuff
Manifold Regularization for Adversarial Robustness
2020·arXiv
Abstract
Abstract

We apply concepts from manifold regularization to develop new regularization techniques for training locally stable deep neural networks. Our regularizers are based on a sparsification of the graph Laplacian which holds with high probability when the data is sparse in high dimensions, as is common in deep learning. Empirically, our networks exhibit stability in a diverse set of perturbation models, including  ℓ2, ℓ∞, and Wasserstein-based perturbations; in particular, we achieve 40% adversarial accuracy on CIFAR-10 against an adaptive PGD attack using  ℓ∞perturbations of size  ϵ = 8/255, and state-of-the-art verified accuracy of 21% in the same perturbation model. Furthermore, our techniques are efficient, incurring overhead on par with two additional parallel forward passes through the network.

Recent results in deep learning highlight the remarkable performance deep neural networks can achieve on tasks using data from the natural world, such as images, video, and audio. Though such data inhabits an input space of high dimensionality, the physical processes which generate the data often manifest significant biases, causing realistic inputs to be sparse in the input space.

One way of capturing this intuition is the manifold assumption, which states that input data is not drawn uniformly from the input space, but rather supported on some smooth submanifold(s) of much lower dimension. Starting with the work of Belkin et al. [4], this formulation has been studied extensively in the setting of semi-supervised kernel and regression methods, where algorithms exploit the unlabelled data points to learn functions which are smooth on the input manifold [13, 14, 28, 33, 41, 50]. Comparatively, such techniques have seen less use in the context of deep neural networks, owing in part to the ability of such models to generalize from relatively sparse data [51].

Contributions We apply concepts from manifold regularization to train locally stable deep neural networks. In light of recent results showing that neural networks suffer widely from adversarial inputs [35], our goal is to learn a function which does not vary much in the neighborhoods of natural inputs, even when the network classifies incorrectly. We show that this definition of local stability has a natural interpretation in the context of manifold regularization, and propose an efficient regularizer based on an approximation of the graph Laplacian when data is sparse in high dimensions. Crucially, our regularizer exploits the continuous piecewise linear nature of ReLU networks to learn a function which is smooth over the data manifold in not only its outputs but also its decision boundaries.

We evaluate our approach by training neural networks with our regularizers for the task of image classification on CIFAR-10 [23]. Empirically, our networks exhibit robustness against a variety of adversarial models implementing  ℓ2, ℓ∞, and Wasserstein-based attacks. We also achieve state-of-the-art verified robust accuracy under  ℓ∞ of size ϵ = 8/255. Furthermore, our regularizers are cheap: we simply evaluate the network at two additional random points for each training sample, so the total computational cost is on par with three parallel forward passes through the network. Our techniques thus present a novel, regularization-only approach to learning robust neural networks, which achieves performance comparable to existing defenses while also being an order of magnitude more efficient.

Manifold regularization The manifold assumption states that input data is not drawn uniformly from the input domain X, also know as the ambient space, but rather is supported on a submanifold M ⊂ X, called the intrinsic space. There is thus a distinction between regularizing on the ambient space, where the learned function is smooth with respect to the entire input domain (e.g., Tikhonov regularization [30, 36]), and regularizing over the intrinsic space, which uses the geometry of the input submanifold to determine the regularization norm.

A common form of manifold regularization assumes the gradient of the learned function  ∇Mf(x)should be small wherever the probability of drawing a sample is large. We will refer to such functions as “smooth”. Let  µbe a probability measure with support M. This idea leads to the following intrinsic regularizer:

image

In general, we cannot compute this integral because M is not known, so Belkin et al. [4] propose the following discrete approximation that converges to the integral as the number of samples grows [3]:

image

Here, the  x1, ..., xNare samples drawn, by assumption, from the input manifold M according to  µ,and L is a matrix of weights measuring the similarity between samples. The idea is to approximate the continuous input manifold using a discrete graph, where the vertices are samples, the edge weights are distances between points, and the Laplacian matrix L encodes the structure of this graph. A common choice of weights is an isotropic Gaussian kernel  Li,j := exp(−||xi −xj||2/s). To increase the sparsity of the Laplacian, weights are often truncated to the k-nearest neighbors or within some ϵ-ball. Note that the Laplacian can also be interpreted as a discrete matrix operator, which converges under certain conditions to the continuous Laplace operator [3].

ReLU networks Our development focuses on a standard architecture for deep neural networks: fully-connected feedforward networks with ReLU activations. In general, we can write the function represented by such a network with n layers and parameters  θ = {Ai, bi}i=1,...,n−1 as

image

where the  Aiare the weight matrices and the  biare the bias vectors. We call the  zi“hidden activations”, or more simply, activations, and the  ˆzi“pre-activations”.

In this work, we consider ReLU networks, where the non-linear activation function  σ(·)in (5) is the Rectified Linear Unit (ReLU)

image

It is clear from this description that ReLU networks are a family of continuous piecewise linear functions. We denote the linear function induced by an input  x as fx(·; θ), i.e., the analytic extension of the local linear component about x over the input domain.

Adversarial robustness One common measure of robustness for neural networks is against a norm-bounded adversary. In this model, the adversary is given an input budget over a norm  || · ||in,and asked to produce an output perturbation  δover a norm  | · |out. A point  x′is an  ϵ-δadversarial example for an input pair (x, y) if

image

When the specific norm is either unimportant or clear from context, we also write the first condition as  x′ ∈ Nϵ(x), where  Nϵ(x)refers to the  ϵ-ball or neighborhood about x. If such an adversarial example does not exist, we say that the network is  ϵ-δ robust at x.

Standard examples of  ||·||ininclude the  ℓ2 and ℓ∞“norm”, defined for vectors as  ||x||∞ := maxi |xi|.For classification tasks, the adversary is successful if it produces an example in the  ϵ-neighborhood of x which causes the network to misclassify. In this case, we drop  δand say that the network is ϵ-robust at x. Note that if  f(x; θ)is already incorrect, then x suffices as an adversarial example.

Manifold regularization was first introduced by Belkin et al. [4] in the context of semi-supervised learning, where the goal was to leverage unlabeled samples to learn a function which behaves well (e.g., is smooth, or has low complexity) over the data manifold. The use of manifold regularization for deep neural networks has been explored in several contexts. Tomar and Rose [38, 39] consider the use of manifold regularization for speech recognition, where they argue that human vocal cords parameterize a low dimensional input manifold. Hu et al. [22] note that object tracking datasets contain large amounts of unlabelled data and propose to use manifold regularization to learn from the unlabelled data. Zhu et al. [53] apply manifold regularization so that the concatenation of input data and output features comes from a low dimensional manifold, and find features transfer better to different modalities. Lee et al. [24] combine manifold regularization with adversarial training and show improvements in standard test accuracy. Our approach is to use manifold regularization to induce stability separately from accuracy. We note that a similar decomposition between accuracy and stability forms the basis for the TRADES algorithm [52], though the training procedure ultimately relies on adversarial training. Hein and Andriushchenko [18] propose a conceptually similar regularizer to minimize the difference between logits and show improved  ℓ2certified robustness. Finally, Tsang and Kwok [41] derive a similar sparsified approximation of the Laplacian in the semi-supervised setting when the samples are dense; our techniques and analysis differ primarily because we induce sparsity via resampling as we cannot rely on the inherent properties of our data.

Adversarial examples were introduced by Szegedy et al. [35], who found that naively trained neural networks suffer almost complete degradation of performance on natural images under slight perturbations which are imperceptible to humans. A standard class of defense is adversarial training, which is characterized by training on adversarially generated input points [10, 15, 26, 29, 32, 46, 47, 49, 52]. In particular, the basic Project Gradient Descent (PGD) attack [25] is widely considered to be an empirically sound algorithm for both training and evaluation of robust models. However, such training methods rely on solving an inner optimization via an iterative method, effectively increasing the number of epochs by a multiplicative factor (e.g., an overhead of 5–10x for standard PGD [32], though recent work suggests early stopping can help [47]). In comparison, our techniques do not rely on the construction of any worst-case inputs and are more efficient than standard adversarial training.

Another approach is to train models which are provably robust. One method is to use an exact verification method, such as an MILP solver, to prove that the network is robust on given inputs [37]. In particular, Xiao et al. [48] use a similar loss based on ReLU pre-activations to learn stable ReLUs for efficient verification, but rely on a PGD adversary to train a robust model. Certification methods modify models to work directly with neighborhoods instead of points [11, 16, 27, 45]. In practice, the inference algorithms must overapproximate the neighborhoods to preserve soundness while keeping the representation compact as it passes through the network. This strategy can be interpreted as solving a convex relaxation of the exact verification problem. Though certification thus far has produced better lower bounds, verification as a technique is fully general and can be applied to any model (given sufficient time); recent work also suggests that methods using layerwise convex relaxations may face an inherent barrier to tight verification [31].

We reframe the goal of learning functions that are robust using a perspective which decouples stability from accuracy. The key observation is that we would like to train networks that are locally stable around natural inputs, even if the network output is incorrect. This approach contrasts with adversarial training, which attempts to train the network to classify correctly on worst-case adversarial inputs. In particular, recall that a network is  ϵ-robust at x if no point in the  ϵ-neighborhood of x causes the network to misclassify. We consider the related property of  ϵ-stability:

Definition 4.1 A function f is  ϵ-δstable at an input x if for all  x′ ∈ Nϵ(x), |f(x) − f ′(x)| ≤ δ. A classifier  f is ϵ-stableat an input x if for all  x′ ∈ Nϵ(x), f(x) = f(x′).

This definition is independent of the correct label for x; as such, we argue that  ϵ-stability is a property of the function with respect to the input manifold and can thus be captured using manifold regularization. For completeness, we state the following connection between robustness and stability:

Proposition 4.1 A function f is  ϵ-δrobust at an input x iff f is  ϵ-δstable at x and f(x) = y. A classifier  f is ϵ-robustat an input  x iff f is ϵ-stable at x and fcorrectly classifies x.

We explore the hypothesis that optimizing for stability and accuracy separately will result in a function which is robust as a byproduct.

Assume that we have a function f such that  ||∇f(x′)|| ≤ δ/ϵfor  x′ ∈ Nϵ(x). Then clearly f is  ϵ-δstable at input x. This suggests that minimizing the norm of the gradient of f might also induce ϵ-stability in f. However, rather than minimize the gradient of f everywhere, we note that we only need  ϵ-stability around valid input points; thus we arrive at manifold regularization.

Applying the regularization term in Equation 2 yields, in the limit, a function which is smooth on the data manifold. Unfortunately, a straightforward approach does not suffice for our goal of learning ϵ-stable deep neural networks. The first problem is that convergence of the discrete approximation requires that the samples be dense over the input manifold; however, this assumption is almost certainly violated in most practical applications, particularly in the deep learning regime. The second problem is that smoothness on the data manifold does not yield  ϵ-stability; indeed, smoothness as defined in Equation 1 is a global characteristic with average-case guarantees, whereas stability is a local property with worst-case behavior. The next two sections are dedicated to these challenges.

5.1 Resampling for local smoothness

We write the  ϵ-neighborhood of a manifold M as  Mϵ := {x : ∃y ∈ M, ||x − y|| ≤ ϵ}. Since ϵ-stability is defined over the  ϵ-neighborhood of every input point, we might want a function which is smooth over  Mϵinstead of just M, e.g., by slightly perturbing every input point. This strategy does produce samples from the  ϵ-neighborhood of the data manifold, however note that the induced measure places less density at the boundaries. Nevertheless, this procedure exhibits several properties we can exploit. The first is that for sufficiently small  ϵ, we get nearly the same operator over  Mϵand M, so that smoothness over  Mϵdoes not sacrifice smoothness on the original data manifold M. A more subtle property is that we can actually draw as many distinct points as we would like from Mϵ. We leverage these extra points to build a regularizer which yields good estimations of the local smoothness. Moreover, taking a discrete approximation of the form in Equation 2 with the resampled points from  Mϵstill converges to the original operator. Formally, we state the following:

Proposition 5.1 Let  ϵ, s > 0be given. Let  x1, ..., xn be nsamples drawn uniformly at random from a submanifold  M ⊂ X. For each  xi, pick c new points  xi,1, ..., xi,cby sampling iid perturbations δi,1, ..., δi,cand setting  xi,j = xi + δi,j, where  ∀i, j, ||δi,j|| < ϵ. Given a kernel  ks(x, y) =exp(−||x − y||2/s), let L and  Lcbe the Laplacian matrices defined by the n original samples and n · cnew samples, respectively. Then if  ϵ2 < s, we have that  L and Lcconverge to the same operator in the limit as  n → ∞.

A proof is sketched in Appendix A. For our purposes, this result states that the resampled Laplacian enjoys the same behavior in the limit as the original Laplacian.

5.2 Sparse approximation of resampled Laplacian

We next analyze the properties of the Laplacian matrix constructed by the proposed resampling procedure. Although the resampled Laplacian converges to the same operator in the limit, we show that it exhibits behavior we can exploit in the low data regime.

The main observation is that, due to the curse of dimensionality (whereby data becomes increasingly sparse in high dimensions), the resampled Laplacian will consist of two types of edges: very short edges between points resampled from the same  ϵ-neighborhood, and very long edges between points sampled from different  ϵ-neighborhoods. For an appropriate choice of the scale factor s, the exponential form of the kernel causes the weights on the long edges to fall off very quickly compared to the short edges; we thus approximate the Laplacian by dropping long edges and only using weights from short edges. The problem of approximating a graph Laplacian using a subgraph with fewer edges is known as spectral sparsification [34]. We note that building a sparse approximation  L′by sampling edges proportional to their weights yields an unbiased estimator, since:

image

By the curse of dimensionality, the approximation becomes increasingly accurate as the number of dimensions grows. As a result of our choice of sparsification, the computation of the Laplacian is localized, i.e., the discrete approximation for the intrinsic regularizer can now be written as

image

The inner loop of this computation involves far fewer terms than the full regularizer (since generally c << n), and can be efficiently computed pointwise over the full dataset.

We emphasize that the validity of this approximation ultimately depends on the sparsity of the dataset, as well as the particular choice of  ϵand s. In particular, we do not expect this approach to yield better results than the standard manifold regularizer when the data is dense. We provide some rough calculations for CIFAR-10, the setting of our experiments. Each image has dimension 32 x 32 x 3, with pixel values normalized between 0 and 1. The standard deviation for each channel across the dataset is (0.2470, 0.2435, 0.2616). Then even if we assume that each image occupies a ball of radius 0.25, we would need at least  232∗32∗3 images to cover the entire input space; the 50,000 images in the CIFAR-10 training set cannot even cover 16 dimensions. In comparison, we take  ϵ = 8/255, whichis about 13% the standard deviation in each dimension. We conclude that the sparse approximation holds in this setting while the original manifold regularizer without resampling yields almost no information.

5.3 Hamming embeddings

We additionally leverage the structure of ReLU networks to induce a stronger regularization effect on the data manifold. The central observation is that we not only want the function computed by the neural network to be roughly constant on the manifold, we also want the network to produce its outputs in roughly the same way.

First, we identify every local linear component  fx(·; θ)with its “activation pattern”, i.e., the sequence of branches taken at each ReLU. Because ReLUs separate the input space via hyperplanes, the activation patterns are unique and induce a Hamming metric on the input space. We call the activation pattern for an input its Hamming embedding, denoted  H(·; θ); similarly, we write  H(·, ·; θ)for the Hamming distance between pairs of activations.

Recall that the goal of regularization is to reduce the complexity of the learned function f in the ϵ-neighborhood of inputs x. We argue that the Hamming distance provides a concise measure of this complexity. Specifically, if we consider the number of distinct local linear components in the Nϵ(x), then  ∀x′ ∈ Nϵ(x), H(x, x′; θ) = 0if and only if  Nϵ(x)is a single linear component. Thus, minimizing the Hamming distance between x and all  x′ ∈ Nϵ(x)reduces the number of linear components in the neighborhood of x.

image

Figure 1: Surface and contour plots for  Hα (α = 1).

Furthermore, we can treat  H(·; θ)as an output of the function  f(·; θ)and write the following manifold regularizer (and its local sparse approximation):

image

which is just Equations 1 and 7 with the outputs f(x) replaced by the Hamming embedding. However, this loss term is not continuous in the inputs, and furthermore, the gradients vanish almost everywhere, so it does not generate good training signals. We thus use a continuous relaxation:

image

This form is differentiable everywhere except when  ˆz = ˆy, and recovers the Hamming distance when we take  αto infinity (after scaling). Qualitatively, sensitive activations (i.e., small  |ˆz|and  |ˆy|) are permitted so long as they are precise. Figure 1 presents the surface and contour plots of  Hα.

Next we observe that, given a set of input points X, if  maxx,y∈X H(x, y; θ) ≤ c, then the same bound holds for every point in the convex set of X. Thus, it suffices to sample points such that their convex set covers  Nϵ(x)with high probability. This property motivates generating samples in pairs: randomly sample some corner  x+of  Nϵ(x)and take the opposing corner  x− = 2x − x+. We can then also drop the weight  L(x+i , x−i )since the distance between  x+i and x−i is constant.

Finally, we note that this idea can be extended more generally to other activation functions by penalizing differing pre-activations more when the second derivative of the activation function is large (and so the first-order Taylor approximation has larger errors).

5.4 Training with sparse manifold regularization

For every sample x, we generate a new random maximal perturbation  ρ ∈ {±ϵ}d and produce the pair of perturbed inputs  x+ := x + p and x− := x − p. We compute the standard manifold regularization term as  ||f(·, θ)||2I ∝ �i ||f(x+i ) − f(x−i )||22. For the Hamming regularizer, we use the  ℓ2norm to combine the Hamming distances between pre-activations within a layer and normalize by twice the number of elements in each layer. We sum then normalize by the total number of layers. Quantities are accumulated layer-wise in the forward pass to avoid storing all the preactivations in memory.

The final optimization objective is thus

image

where V is the loss function,  ||f(·, θ)||2K is the ambient regularizer (e.g.,  ℓ2loss), and the  γK, γI, γHare hyperparameters which control the relative contributions of the different regularizers.

Table 1: CIFAR-10 provable and robust accuracies against an  ℓ∞adversary at  ϵ = 8/255.

image

†With slightly smaller  ϵ = 0.03 ≈ 7.65/255. §Computed from 500 / 10000 images in test set. ‡Results for MMC-10 regularizer only; reported robust accuracy is 55.0% when trained with PGD.

5.5 Discussion

Our development has focused on learning deep neural networks which are smooth when samples are sparse over the input manifold M. While this property is related to  ϵ-stability, in general the two are not equivalent. Roughly,  ϵ-stability is inherently a property about worst case behavior, whereas manifold regularization is aimed at learning a function which is smooth on average. Nonetheless, from a theoretical perspective there are two reasons to expect smoothness to help with stability. The first is that perfect smoothness yields perfect stability (i.e., a constant function on the data manifold); the second is that the two properties converge in the limit as  ϵapproaches zero.

Next, we discuss our choice to focus on the sparse setting. The basic idea is two-fold: first, the requirement that the learned function be  ϵ-stable significantly alters the geometry of the input manifold; second, when data is sparse, the amount of information one can glean about the overall geometry of the input manifold is limited, as is evidenced by the vanishing weights in the Laplacian. Our main hypothesis is that the combination of these two observations allows one to formulate a version of the regularizer built from resampled data, which maintains the same properties in the limit but yields more local information when data is sparse.

Conversely, consider the alternative approach, namely, directly learning a smooth function when it is possible to produce samples, not necessarily labelled, that are dense over the input manifold M. Then given the central thesis behind this work, one would expect stability to improve. In fact, the top four results for robust accuracy reported in Croce and Hein [9] all exploit an additional dataset of unlabeled images which is orders of magnitude larger than the original training set [6, 21, 42, 44].

We train two models for CIFAR-10 image classification using our regularization techniques: a smaller model for exact verification, following Xiao et al. [48]; and a larger PreActResNet18 model [17] for benchmarking against a variety of adversarial models. We also include two ablation studies for the larger model corresponding to using only intrinsic or only Hamming regularization in order to isolate their individual effects on stability. Details about training and model hyperparameters are given in Appendix B.

Table 2: CIFAR-10 robust accuracy against additional adversaries and perturbation models.

image

§Computed using the full AutoAttack+ attack [9], which includes APGD-CE, APGD-DLR (+targeted), FAB (+targeted) [8], and Square Attack [1]. ‡With slightly smaller  ϵ = 0.03 ≈ 7.65/255.†Reported in Maini et al. [26].

The first column of Table 1 reports the provable robustness of our trained models and compares against methods which provide similar guarantees, namely by exact verification or certification. This metric is of particular interest for a newly proposed defense such as ours because it establishes a provable lower bound on the robustness achieved by our defense, compared to purely empirical results which may be brittle against more focused attacks [2, 5, 40]. Our results reflect state-of-the-art verified robustness against  ℓ∞perturbations of size  ϵ = 8/255.

The second column of Table 1 presents robust accuracy against the standard PGD adversary used in the literature. We obtain 40.54% robust accuracy at  ϵ = 8/255compared to 45.8% obtained from directly training against the adversary [25]. For comparison, we also report results for other approaches which are not variants of PGD (i.e., do not rely on an inner maximization problem at each training loop). To the best of our knowledge, Pang et al. [29] is the only other result in the literature which achieves non-trivial robust accuracy using a regularization only approach. For context, the best result in the literature using a PGD variant is reported by Wang et al. [44] at 65.04% robust accuracy.

Table 2 reports robust accuracy against additional adversaries and perturbation models. For  ℓ2and ℓ∞perturbations against a strong adversary, we use AutoAttack, an ensemble of attacks proposed by Croce and Hein [9]. We choose the attack because it is parameter-free, which reduces the possibility of misconfiguration; empirically it is at least as strong as standard PGD. For comparison, we report results from Maini et al. [26], who obtain their results after training for 50 epochs with 50 steps of PGD (≈2500 effective epochs). We use the results from Madry et al. [25] as a baseline, which show that standard adversarial training against a specific adversary (ℓ∞) does not transfer well to other settings (ℓ2). We also report our accuracy against Wasserstein perturbations, which is a metric for images more closely aligned with human perception; we use an implementation of the Wasserstein adversary by Wong et al. [46] for our results. They obtain their results using a 50-step inner optimization (number of training epochs is not reported); their baseline model is trained to be certifiably robust against  ℓ∞attacks of size  ϵ = 2/255.

With the exception of the exact verification scenario (which uses the same model and setup as in Xiao et al. [48]), all our results are obtained from a single model after training for 3 hours on one GPU, compared to 80 hours for standard PGD training [32].

We design regularizers based on manifold regularization that encourage piecewise linear neural networks to learn locally stable functions. We demonstrate this stability by training models to state-of-the-art verified robustness of 21% against  ℓ∞-bounded perturbations of size  ϵ = 8/255on CIFAR-10. We also find that a single model trained using our regularizers is resilient against  ℓ2, ℓ∞,and Wasserstein-based attacks.

Critically, computing our regularizers relies only on random sampling, and thus does not require running an inner optimization loop to find strong perturbations at training time. As such, our techniques exhibit strong scaling, since they increase batch sizes rather than epochs during training. This allows us to train our models an order of magnitude faster than standard adversarial training. This work thus presents the first regularization-only approach to achieve comparable results to standard adversarial training against a variety of perturbation models.

[1] Maksym Andriushchenko, Francesco Croce, Nicolas Flammarion, and Matthias Hein. Square attack: a query-efficient black-box adversarial attack via random search, 2019.

[2] Anish Athalye, Nicholas Carlini, and David Wagner. Obfuscated gradients give a false sense of security: Circumventing defenses to adversarial examples, 2018.

[3] Mikhail Belkin and Partha Niyogi. Towards a theoretical foundation for laplacian-based manifold methods. Journal of Computer and System Sciences, 74(8):1289 – 1308, 2008. ISSN 0022-0000. doi: https:// doi.org/10.1016/j.jcss.2007.08.006. URL http://www.sciencedirect.com/science/article/pii/ S0022000007001274. Learning Theory 2005.

[4] Mikhail Belkin, Partha Niyogi, and Vikas Sindhwani. Manifold regularization: A geometric framework for learning from labeled and unlabeled examples. Journal of machine learning research, 7(Nov):2399–2434, 2006.

[5] Nicholas Carlini, Anish Athalye, Nicolas Papernot, Wieland Brendel, Jonas Rauber, Dimitris Tsipras, Ian Goodfellow, Aleksander Madry, and Alexey Kurakin. On evaluating adversarial robustness. arXiv preprint arXiv:1902.06705, 2019.

[6] Yair Carmon, Aditi Raghunathan, Ludwig Schmidt, Percy Liang, and John C. Duchi. Unlabeled data improves adversarial robustness, 2019.

[7] Ronald R. Coifman and Stéphane Lafon. Diffusion maps. Applied and Computational Harmonic Analysis, 21(1):5 – 30, 2006. ISSN 1063-5203. doi: https://doi.org/10.1016/j.acha.2006.04.006. URL http: //www.sciencedirect.com/science/article/pii/S1063520306000546. Special Issue: Diffusion Maps and Wavelets.

[8] Francesco Croce and Matthias Hein. Minimally distorted adversarial examples with a fast adaptive boundary attack, 2019.

[9] Francesco Croce and Matthias Hein. Reliable evaluation of adversarial robustness with an ensemble of diverse parameter-free attacks, 2020.

[10] Yinpeng Dong, Fangzhou Liao, Tianyu Pang, Hang Su, Jun Zhu, Xiaolin Hu, and Jianguo Li. Boosting adversarial attacks with momentum, 2017.

[11] Krishnamurthy Dvijotham, Sven Gowal, Robert Stanforth, Relja Arandjelovic, Brendan O’Donoghue, Jonathan Uesato, and Pushmeet Kohli. Training verified learners with learned verifiers, 2018.

[12] Logan Engstrom, Andrew Ilyas, Shibani Santurkar, and Dimitris Tsipras. Robustness (python library), 2019. URL https://github.com/MadryLab/robustness.

[13] Bo Geng, Dacheng Tao, Chao Xu, Linjun Yang, and Xian-Sheng Hua. Ensemble manifold regularization. IEEE Transactions on Pattern Analysis and Machine Intelligence, 34(6):1227–1233, 2012.

[14] Andrew B Goldberg, Ming Li, and Xiaojin Zhu. Online manifold regularization: A new learning setting and empirical study. In Joint European Conference on Machine Learning and Knowledge Discovery in Databases, pages 393–407. Springer, 2008.

[15] Ian J. Goodfellow, Jonathon Shlens, and Christian Szegedy. Explaining and harnessing adversarial examples, 2014.

[16] Sven Gowal, Krishnamurthy Dvijotham, Robert Stanforth, Rudy Bunel, Chongli Qin, Jonathan Uesato, Relja Arandjelovic, Timothy Mann, and Pushmeet Kohli. On the effectiveness of interval bound propagation for training verifiably robust models, 2018.

[17] Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun. Identity mappings in deep residual networks, 2016.

[18] Matthias Hein and Maksym Andriushchenko. Formal guarantees on the robustness of a classifier against adversarial manipulation. In Advances in Neural Information Processing Systems, pages 2266–2276, 2017.

[19] Matthias Hein, Jean-Yves Audibert, and Ulrike Von Luxburg. From graphs to manifolds–weak and strong pointwise consistency of graph laplacians. In International Conference on Computational Learning Theory, pages 470–485. Springer, 2005.

[20] Matthias Hein, Jean-Yves Audibert, and Ulrike von Luxburg. Graph laplacians and their convergence on random neighborhood graphs. Journal of Machine Learning Research, 8(Jun):1325–1368, 2007.

[21] Dan Hendrycks, Kimin Lee, and Mantas Mazeika. Using pre-training can improve model robustness and uncertainty, 2019.

[22] Hongwei Hu, Bo Ma, Jianbing Shen, Hanqiu Sun, Ling Shao, and Fatih Porikli. Robust object tracking using manifold regularized convolutional neural networks. IEEE Transactions on Multimedia, 21(2): 510–521, 2018.

[23] Alex Krizhevsky et al. Learning multiple layers of features from tiny images. 2009.

[24] Taehoon Lee, Minsuk Choi, and Sungroh Yoon. Manifold regularized deep neural networks using adversarial examples, 2015.

[25] Aleksander Madry, Aleksandar Makelov, Ludwig Schmidt, Dimitris Tsipras, and Adrian Vladu. Towards deep learning models resistant to adversarial attacks, 2017.

[26] Pratyush Maini, Eric Wong, and J Zico Kolter. Adversarial robustness against the union of multiple perturbation models. arXiv preprint arXiv:1909.04068, 2019.

[27] Matthew Mirman, Timon Gehr, and Martin Vechev. Differentiable abstract interpretation for provably robust neural networks. In International Conference on Machine Learning, pages 3578–3586, 2018.

[28] Partha Niyogi. Manifold regularization and semi-supervised learning: Some theoretical analyses. The Journal of Machine Learning Research, 14(1):1229–1250, 2013.

[29] Tianyu Pang, Kun Xu, Yinpeng Dong, Chao Du, Ning Chen, and Jun Zhu. Rethinking softmax crossentropy loss for adversarial robustness, 2019.

[30] David L Phillips. A technique for the numerical solution of certain integral equations of the first kind. Journal of the ACM (JACM), 9(1):84–97, 1962.

[31] Hadi Salman, Greg Yang, Huan Zhang, Cho-Jui Hsieh, and Pengchuan Zhang. A convex relaxation barrier to tight robustness verification of neural networks. In Advances in Neural Information Processing Systems 32, pages 9835–9846. Curran Associates, Inc., 2019. URL http://papers.nips.cc/paper/ 9176-a-convex-relaxation-barrier-to-tight-robustness-verification-of-neural-networks. pdf.

[32] Ali Shafahi, Mahyar Najibi, Amin Ghiasi, Zheng Xu, John Dickerson, Christoph Studer, Larry S. Davis, Gavin Taylor, and Tom Goldstein. Adversarial training for free!, 2019.

[33] Vikas Sindhwani, Partha Niyogi, Mikhail Belkin, and Sathiya Keerthi. Linear manifold regularization for large scale semi-supervised learning. In Proc. of the 22nd ICML Workshop on Learning with Partially Classified Training Data, volume 28, 2005.

[34] Daniel A Spielman and Shang-Hua Teng. Spectral sparsification of graphs. SIAM Journal on Computing, 40(4):981–1025, 2011.

[35] Christian Szegedy, Wojciech Zaremba, Ilya Sutskever, Joan Bruna, Dumitru Erhan, Ian Goodfellow, and Rob Fergus. Intriguing properties of neural networks, 2013.

[36] Andrei Nikolaevich Tikhonov, AV Goncharsky, VV Stepanov, and Anatoly G Yagola. Numerical methods for the solution of ill-posed problems, volume 328. Springer Science & Business Media, 2013.

[37] Vincent Tjeng, Kai Xiao, and Russ Tedrake. Evaluating robustness of neural networks with mixed integer programming. arXiv preprint arXiv:1711.07356, 2017.

[38] Vikrant Singh Tomar and Richard C Rose. Manifold regularized deep neural networks. In Fifteenth Annual Conference of the International Speech Communication Association, 2014.

[39] Vikrant Singh Tomar and Richard C. Rose. Graph based manifold regularized deep neural networks for automatic speech recognition, 2016.

[40] Florian Tramer, Nicholas Carlini, Wieland Brendel, and Aleksander Madry. On adaptive attacks to adversarial example defenses, 2020.

[41] Ivor W Tsang and James T Kwok. Large-scale sparsified manifold regularization. In Advances in Neural Information Processing Systems, pages 1401–1408, 2007.

[42] Jonathan Uesato, Jean-Baptiste Alayrac, Po-Sen Huang, Robert Stanforth, Alhussein Fawzi, and Pushmeet Kohli. Are labels required for improving adversarial robustness?, 2019.

[43] Ulrike Von Luxburg, Mikhail Belkin, and Olivier Bousquet. Consistency of spectral clustering. The Annals of Statistics, pages 555–586, 2008.

[44] Yisen Wang, Difan Zou, Jinfeng Yi, James Bailey, Xingjun Ma, and Quanquan Gu. Improving adversarial robustness requires revisiting misclassified examples. In International Conference on Learning Representations, 2020.

[45] Eric Wong, Frank R. Schmidt, Jan Hendrik Metzen, and J. Zico Kolter. Scaling provable adversarial defenses, 2018.

[46] Eric Wong, Frank R. Schmidt, and J. Zico Kolter. Wasserstein adversarial examples via projected sinkhorn iterations, 2019.

[47] Eric Wong, Leslie Rice, and J. Zico Kolter. Fast is better than free: Revisiting adversarial training, 2020.

[48] Kai Xiao, Vincent Tjeng, Nur Muhammad Shafiullah, and Aleksander Madry. Training for faster adversarial robustness verification via inducing relu stability. ICLR, 2019.

[49] Cihang Xie, Yuxin Wu, Laurens van der Maaten, Alan Yuille, and Kaiming He. Feature denoising for improving adversarial robustness, 2018.

[50] Zenglin Xu, Irwin King, Michael Rung-Tsong Lyu, and Rong Jin. Discriminative semi-supervised feature selection via manifold regularization. IEEE Transactions on Neural networks, 21(7):1033–1047, 2010.

[51] Chiyuan Zhang, Samy Bengio, Moritz Hardt, Benjamin Recht, and Oriol Vinyals. Understanding deep learning requires rethinking generalization, 2016.

[52] Hongyang Zhang, Yaodong Yu, Jiantao Jiao, Eric P. Xing, Laurent El Ghaoui, and Michael I. Jordan. Theoretically principled trade-off between robustness and accuracy, 2019.

[53] Wei Zhu, Qiang Qiu, Jiaji Huang, Robert Calderbank, Guillermo Sapiro, and Ingrid Daubechies. Ldmnet: Low dimensional manifold regularized neural networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pages 2743–2751, 2018.

We first sketch a proof of Proposition 5.1. Given a kernel  ks(x, y) = exp(−||x−y||2/s)and samples x1, ..., xN, we can define the discrete operator L for an out-of-sample point x as

image

We will show pointwise convergence of the original Laplacian L and the resampled Laplacian  L′c tothe same continuous operator. Our proof has two parts. First, we show that, for c = 1, the resampled Laplacian converges to the original Laplacian. This follows almost immediately from Criterion 5 in Coifman and Lafon [7], who use perturbation theory to show that sampling from a manifold with noise yields the same approximation so long as the size of the perturbation  |δ|, which in our case is bounded by  ϵ, is smaller than the scale parameter of the kernel √s. To see this, note that since our kernel is smooth, we can linearize the effect of the perturbation on the kernel:

image

Then we also have that the perturbation on Lf(x) is of the same order, so that the approximation holds so long as  ϵ < √s, as desired.

Next we show that this holds for arbitrary c. This is a simple consequence of the linearity of the operator L. Imagine fixing c independently perturbed manifolds and then taking the approximation L′to be the average of the operators defined on each of the perturbed manifolds. Clearly this still converges to the same operator L, and since this procedure yields an equivalent formulation of the resampled Laplacian  L′c, we are done.

A few additional observations are in order. It turns out that for L to converge to its continuous counterpart in Equation 1 (i.e., the Laplace-Beltrami operator), we actually need to take the scale of the kernel s to zero (see, e.g. the proofs of convergence in Belkin and Niyogi [3], Hein et al. [19, 20]). Then Proposition 5.1 implies that we also need to take  ϵto zero, so that in the limit we are just sampling from the unperturbed manifold. In fact, it is possible to prove convergence without taking s to zero, but the continuous operator that is recovered no longer refers to the gradient but rather the value of the kernel over the manifold (Von Luxburg et al. [43] analyze this case). The spectra of these operators are often used in various clustering algorithms; in the context of deep neural networks, these operators yield similar regularizers for “smoothness”, though under slightly different definitions.

We use a PreActResNet18 model [17] for the CIFAR-10 robustness experiments. We train using SGD and weight decay  γKof 5e-4. We follow Maini et al. [26] for our learning rate schedule, which is piecewise linear and starts at 0 and goes to 0.1 over first 40 epochs; 0.005 over the next 40 epochs; and 0 over the final 20 epochs. We increase epsilon from 2 to 8 over epochs 10 to 35. We start the weight  γIof the manifold regularization at 0.8 and the weight  γHof the Hamming regularization at 2,400; these increase linearly up to a factor of 10 from epochs 20 to 80. We set the hyperparameter α = 8.

We use a two-layer convolutional neural entwork for the CIFAR-10 verification experiments, consisting of 2x2 strided convolutions with 16 and 32 filters, then a 128 hidden unit fully connected layer. This is the same model as used in Wong et al. [45] and Xiao et al. [48], except those works use a 100 hidden unit fully connected layer. We use the same schedule for the learning rate and  ϵ as in thePreActResNet18 model. The weight  γIstarts at 0.4 and the weight  γHstarts at 9000; these increase linearly up to a factor of 10 from epochs 20 to 80. We set the hyperparameter  α = 8.

For testing, we used a 20-step PGD adversary with 10 random restarts and a step size of 2/255 as implemented by Engstrom et al. [12], the full AA+ adversary from Croce and Hein [9], and the Wasserstein adversary from Wong et al. [46]. For verification, we adopt the setup of Xiao et al. [48], using the MIP verifier of Tjeng et al. [37], with solves parallelized over 8 CPU cores and the timeout set to 120 seconds.


Designed for Accessibility and to further Open Science