Keywords

1 Introduction

Convolutional neural networks (CNN) have rapidly accelerated progress in computer vision with many practical applications such as face recognition [19], image classification [18], document analysis [21] and semantic segmentation. Recently, it has been shown that CNNs are vulnerable to adversarial attacks, where a well-trained CNN can be fooled into producing errant predictions due to tiny changes in their inputs [9]. Many applications such as autonomous driving seek to leverage the power of CNNs. However due the opaque nature of these models there are reservations about using in safety-critical applications. Thus, there is an urgent need for formally evaluating the robustness of a trained CNN.

Formal verification of deep neural networks (DNNs) has recently become an important topic. The majority of existing approaches focus on verifying safety and robustness properties of feedforward neural networks (FNN) with the Rectified Linear Unit activation function (ReLU). These approaches include: mixed-integer linear programming (MILP)  [5, 17, 23], satisfiability (SAT) and satisfiability modulo theory (SMT) techniques [7, 15], optimization [6, 11, 22, 42, 44, 51], and geometric reachability [29, 30, 36, 37, 41, 43, 45, 47, 48, 50]. Adjacent to these methods are property inference techniques for DNNs, which are also an important and interesting research area being investigated [10]. In a similar fashion, the problem of verifying safety of cyber-physical systems (CPS) with learning-enabled neural network components with imperfect plant models and sensing information has recently attracted significant attention due to their real world applications  [1, 12,13,14, 24, 31, 32, 35, 46, 49]. This research area views the safety verification problem in a holistic manner by considering safety of the entire system where learning-enabled components interact with the physical world.

Although numerous tools and methods have been proposed for neural network verification, only a handful of methods can deal with CNNs [2, 16, 17, 27, 29, 30]. Moreover, in the aforementioned techniques, only one [27] can deal with real-world CNNs, such as VGGNet [28]. Their approach makes used of the concept of the \(L_0\) distance between two images. Their optimization-based approach computes a tight bound on the number of pixels that may be changed in an image without affecting the classification result of the network. It can also efficiently generate adversarial examples that can be used to improve the robustness of network. In a similar manner, this paper seeks to verify robustness of real-world deep CNNs. Thus, we develop a set-based analysis method through the use of the ImageStar, a new set representation that can represent an infinite family of images. As an example, this representation can be used to represent a set of images distorted by an adversarial attack. Using the ImageStar, we develop both exact and over-approximate reachability algorithms to construct reachable sets that contain all the possible outputs of a CNN under an adversarial attack. These reachable sets are then used to reason about the overall robustness of the network. When a CNN violates a robustness property, our exact reachability scheme can construct a set of concrete adversarial examples. Our approach differs from [27] in two primary ways. First, our method does not provide robustness guarantees for a network in terms of the number of pixels that are allowed to be changed (in terms of \(L_0\) distance). Instead, we prove the robustness of the network on images that are attacked by disturbances bounded by arbitrary linear constraints. Second, our approach relies on reachable set computation of a network corresponding to a bounded input set, as opposed to an optimization-based approach. We implement these methods in the NNV tool  [39] and compare with the zonotope method used in DeepZ [29] and the polytope method used in DeepPoly [30]. The experimental results indicate our method is less conservative and faster than existing approaches when verifying robustness of CNNs.

The main contributions of the paper include the following. First is the ImageStar set representation, which is an efficient representation for reachability analysis of CNNs. Second are exact and over-approximate reachability algorithms for constructing reachable sets and verifying robustness of CNNs. Third is the implementation of the ImageStar representation and reachability algorithms in NNV  [39]. Fourth is a rigorous evaluation and comparison of proposed approaches, such as zonotope and polytope methods on different CNNs.

2 Problem Formulation

The reachability problem for CNNs is the task of analyzing a trained CNN with respect to some perturbed input set in order to construct a set containing all possible outputs of the network. In this paper, we consider the reachability of a CNN \(\mathcal {N}\) that consists of a series of layers L that may include convolutional layers, fully connected layers, max-pooling layers, average pooling layers, and ReLU activation layers. Mathematically, we define a CNN with n layers as \(\mathcal {N} = \{L_i\}, i=1,2,\dots , n\). The reachability of the CNN \(\mathcal {N}\) is defined based on the concept of reachable sets.

Definition 1 (Reachable set of a CNN)

An (output) reachable set \(\mathcal {R}_{\mathcal {N}}\) of a CNN \(\mathcal {N} = \{L_i\}, i=1,2,\dots , n\) corresponding to a linear input set \(\mathcal {I}\) is defined incrementally as:

$$\begin{aligned} \begin{aligned} \mathcal {R}_{L_{1}}&\triangleq \{y_1~|~y_1 = L_1(x),~ x \in \mathcal {I}\}, \\ \mathcal {R}_{L_{2}}&\triangleq \{y_2~|~y_2 = L_2(y_1),~ y_1 \in \mathcal {R}_{L_1}\}, \\&\vdots \\ \mathcal {R}_{\mathcal {N}} = \mathcal {R}_{L_n}&\triangleq \{y_n ~|~ y_n = L_{n-1}(y_{n-1}),~ y_{n-1} \in \mathcal {R}_{L_{n-1}} \}, \\ \end{aligned} \end{aligned}$$

where \(L_i(\cdot )\) is a function representing the operation of the \(i^{th}\) layer.

The definition shows that the reachable set of the CNN \(\mathcal {N}\) can be constructed layer-by-layer. The core computation is constructing the reachable set of each layer \(L_i\) defined by a specific operation, i.e., convolution, affine mapping, max pooling, average pooling, or ReLU.

3 ImageStar

Definition 2

An ImageStar \(\varTheta \) is a tuple \(\langle c, V, P \rangle \) where \(c \in \mathbb {R}^{h\times w \times nc}\) is the anchor image, \(V = \{v_1, v_2, \cdots , v_m\}\) is a set of m images in \(\mathbb {R}^{h \times w \times nc}\) called generator images, \(P: \mathbb {R}^m \rightarrow \{ \top , \bot \}\) is a predicate, and hwnc are the height, width, and number of channels of the images, respectively. The generator images are arranged to form the ImageStar’s \(h\times w \times nc \times m\) basis array. The set of images represented by the ImageStar is:

$$\begin{aligned} \llbracket \varTheta \rrbracket = \{x~|~x = c + \varSigma _{i=1}^m(\alpha _iv_i)~\text {such that}~P(\alpha _1, \cdots , \alpha _m) = \top \}. \end{aligned}$$

Sometimes we will refer to both the tuple \(\varTheta \) and the set of states \(\llbracket \varTheta \rrbracket \) as \(\varTheta \). In this work, we restrict the predicates to be a conjunction of linear constraints, \(P(\alpha ) \triangleq C\alpha \le d\) where, for p linear constraints, \(C \in \mathbb {R}^{p \times m}\), \(\alpha \) is the vector of m-variables, i.e., \(\alpha = [\alpha _1, \cdots , \alpha _m]^T\), and \(d \in \mathbb {R}^{p \times 1}\). A ImageStar is an empty set if and only if \(P(\alpha )\) is empty.

Example 1 (ImageStar)

A \(4\times 4 \times 1\) gray image with a bounded disturbance \( b \in [-2, 2]\) applied on the pixel of the position (1, 2, 1) can be described as an ImageStar depicted in Fig. 1.

Remark 1

An ImageStar is an extension of the generalized star set recently defined in [3, 4, 37, 38]. In a generalized star set, the anchor and the generators are vectors, while in an ImageStar, the anchor and generators are images with multiple channels. We will later show that the ImageStar is a very efficient representation for the reachability analysis of convolutional layers, fully connected layers, and average pooling layers.

Proposition 1 (Affine mapping of an ImageStar)

An affine mapping of an ImageStar \(\varTheta = \langle c, V, P \rangle \) with a scale factor \(\gamma \) and an offset image \(\beta \) is another ImageStar \(\varTheta ^{\prime } = \langle c^{\prime }, V^{\prime }, P^{\prime } \rangle \) in which the new anchor, generators and predicate are as follows:

$$\begin{aligned} c^{\prime } = \gamma \times c + \beta , ~~V^{\prime } = \gamma \times V, ~~ P^{\prime } \equiv P. \end{aligned}$$

Note that, the scale factor \(\gamma \) can be a scalar or a vector containing scalar scale factors in which each factor is used to scale one channel in the ImageStar.

Fig. 1.
figure 1

An example of an ImageStar.

4 Reachability of CNN Using ImageStars

In this section, we present the reachable set computation for the convolutional, average pooling, fully connected, batch normalization, max pooling, and ReLU layers with respect to an input set consisting of an ImageStar.

4.1 Reachability of a Convolutional Layer

We consider a two-dimensional convolutional layer with following parameters: the weights \(W_{Conv2d} \in \mathbb {R}^{h_f \times w_f \times nc \times nf}\), the bias \(b_{Conv2d} \in \mathbb {R}^{1\times 1\times nf}\), the padding size P, the stride S, and the dilation factor D where \(h_f, w_f, nc\) are the height, width, and the number of channels of the filters in the layer respectively. Additionally, nf is the number of filters. The reachability of a convolutional layer is given in the following lemma.

Lemma 1

The reachable set of a convolutional layer with an ImageStar input set \(\mathcal {I} = \langle c, V, P \rangle \) is another ImageStar \(\mathcal {I}^{\prime } = \langle c^{\prime }, V^{\prime }, P\rangle \) where \(c^{\prime } = Convol(c)\) is the convolution operation applied to the anchor image, \(V^{\prime } = \{v_1^{\prime }, \dots , v_m^{\prime } \}, v_i^{\prime } = ConvolZeroBias(v_i)\) is the convolution operation with zero bias applied to the generator images, i.e., only using the weights of the layer.

Proof

Any image in the ImageStar input set is a linear combination of the center and basis images. For any filter in the layer, the convolution operation applied to the input image performs local element-wise multiplication of a local matrix (of all channels) containing the values of the local pixels of the image and the weights of the filter and then combine the result with the bias to get the output for that local region. Due to the linearity of the input image, we can perform the convolution operation with the bias on the center and the convolution operation with zero bias on the basis images and then combine the result to get the output image.

Example 2 (Reachable set of a convolutional layer)

The reachable set of a convolutional layer with single \(2\times 2\) filter and the ImageStar input set in Example 1 is described in Fig. 2, where the weights and the bias of the filter are \(W = \begin{bmatrix} 1 &{} 1 \\ -1 &{} 0 \\ \end{bmatrix}\), \(b = -1\) respectively, the stride is \(S = [2~2]\), the padding size is \(P = [0~0~0~0]\) and the dilation factor is \(D = [1~1]\).

Fig. 2.
figure 2

Reachability of convolutional layer using ImageStar.

4.2 Reachability of an Average Pooling Layer

The reachability of an average pooling layer with pooling size PS, padding size P, and stride S is given below, with its proof similar to that of the convolutional layer.

Lemma 2

The reachable set of a average pooling layer with an ImageStar input set \(\mathcal {I} = \langle c, V, P \rangle \) is another ImageStar \(\mathcal {I}^{\prime } = \langle c^{\prime }, V^{\prime }, P\rangle \) where \(c^{\prime } = average(c)\), \(V^{\prime } = \{v_1^{\prime }, \dots , v_m^{\prime } \}, v_i^{\prime } = average(v_i)\), \(average(\cdot )\) is the average pooling operation applied to the anchor and generator images.

Example 3 (Reachable set of an average pooling layer)

The reachable set of an \(2\times 2\) average pooling layer with padding size \(P = [0~0~0~0]\), stride \(S = [2~2]\), and an ImageStar input set given by Example 1 is shown in Fig. 3.

Fig. 3.
figure 3

Reachability of average pooling layer using ImageStar.

4.3 Reachability of a Fully Connected Layer

The reachability of a fully connected layer is stated in the following lemma.

Lemma 3

Given a two-dimensional fully connected layer with weight \(W_{fc} \in \mathbb {R}^{n_{fc} \times m_{fc}}\), bias \(b_{fc} \in \mathbb {R}^{n_{fc}}\), and an ImageStar input set \(\mathcal {I} = \langle c, V, P \rangle \), the reachable set of the layer is another ImageStar \(\mathcal {I}^{\prime } = \langle c^{\prime }, V^{\prime }, P\rangle \) where \(c^{\prime } = W*\bar{c} + b\), \(V^{\prime } = \{v_1^{\prime }, \dots , v_m^{\prime } \}, v_i^{\prime } = W_{fc}*\bar{v}_i\), \(\bar{c}(\bar{v_i}) = reshape(c(v_i), [m_{fc}, 1])\). Note that it is required for consistency between the ImageStar and the weight matrix that \(m_{fc} = h\times w \times nc\), where hwnc are the height, width and number of channels of the ImageStar.

Proof

Similar to the convolutional layer and the average pooling layer, for any image in the ImageStar input set, the fully connected layer performs an affine mapping of the input image which is a linear combination of the center and the basis images of the ImageStar. Due to the linearity, the affine mapping of the input image can be decomposed into the affine mapping of the center image and the affine mapping without the bias of the basis images. The final result is the sum of the individual affine maps.

4.4 Reachability of a Batch Normalization Layer

In the prediction phase, a batch normalization layer normalizes each input channel \(x_i\) using the mean and variance \(\sigma ^2\) over the full training set. Then the batch normalization layer further shifts and scales the activations using the offset \(\beta \) and the scale factor \(\gamma \) that are learnable parameters. The formula for normalization is as follows:

where \(\epsilon \) is a used to prevent division by zero. The batch normalization layer can be described as a tuple . The reachability of a batch normalization layer with an ImageStar input set is given in the following lemma.

Lemma 4

The reachable set of a batch normalization layer with an ImageStar input set \(\mathcal {I} = \langle c, V, P \rangle \) is another ImageStar \(\mathcal {I}^{\prime } = \langle c^{\prime }, V^{\prime }, P^{\prime }\rangle \) where:

The reachable set of a batch normalization layer can be obtained in a straightforward fashion using two affine mappings of the ImageStar input set.

4.5 Reachability of a Max Pooling Layer

Reachability of max pooling layer with an ImageStar input set is challenging because the value of each pixel in an image in the ImageStar depends on the predicate variables \(\alpha _i\). Therefore, the local max point when applying max-pooling operation may change with the values of the predicate variables. In this section, we investigate the exact reachability and over-approximate reachability of a max pooling layer with an ImageStar input set. The first obtains the exact reachable set while the second constructs an over-approximate reachable set.

Fig. 4.
figure 4

Exact reachability of max pooling layer using ImageStars.

Exact Reachability of a Max Pooling Layer. The central idea in the exact analysis of the max-pooling layer is finding a set of local max point candidates when we apply the max pooling operation on the image. We consider the max pooling operation on the ImageStar in Example 1 with a pool size of \(2 \times 2\), a padding size of \(P = [0~0~0~0]\), and a stride \(S = [2~2]\) to clarify the exact analysis step-by-step. First, the max-pooling operation is applied on 4 local regions IIIIIIIV, as shown in Fig. 4. The local regions IIIIIIV have only one max point candidate whic is the pixel that has the maximum value in the region. It is interesting to note that region I has two max point candidates at the positions (1, 2, 1) and (2, 2, 1) and these candidates correspond to different conditions of the predicate variable \(\alpha \). For example, the pixel at the position (1, 2, 1) is the max point if and only if \(4 + \alpha \times 1 \ge 3 + \alpha \times 0 \). Note that with \(-2 \le \alpha \le 2\), we always have \(4 + \alpha * 1 \ge 2 + \alpha \times 0 \ge 0 + \alpha \times 0\). Since the local region I has two max point candidates, and other regions have only one, the exact reachable set of the max-pooling layer is the union of two new ImageStars \(\varTheta _1\) and \(\varTheta _2\). In the first reachable set \(\varTheta _1\), the max point of the region I is (1, 2, 1) with an additional constraint on the predicate variable \(\alpha \ge -1\). For the second reachable set \(\varTheta _2\), the max point of the region I is (2, 2, 1) with an additional constraint on the predicate variable \(\alpha \le -1\). One can see that from a single ImageStar input set, the output reachable set of the max-pooling layer is split into two new ImageStars. Therefore, the number of ImageStars in the reachable set of the max-pooling layer may grow quickly if each local region has more than one max point candidates. The worst-case complexity of the number of ImageStars in the exact reachable set of the max-pooling layer is given in Lemma 5. The exact reachability algorithm is presented in the Appendix of the extended version of this paper  [33].

Lemma 5

The worst-case complexity of the number of ImageStars in the exact reachability of the max pooling layer is \(\mathcal {O}(((p_1\times p_2)^{h \times w})^{nc})\) where [hwnc] is the size of the ImageStar output sets, and \([p_1, p_2]\) is the size of the max-pooling layer.

Proof

An image in the ImageStar output set has \(h \times w\) pixels in each channel. For each pixel, in the worst case, there are \(p_1 \times p_2\) candidates. Therefore, the number of ImageStars in the output set in the worst case is \(\mathcal {O}(((p_1\times p_2)^{h \times w})^{nc})\).

Fig. 5.
figure 5

Over-approximate reachability of max pooling layer using ImageStar.

Finding a set of local max point candidates is the core computation in the exact reachability of max-pooling layer. To optimize this computation, we divide the search for the local max point candidates into two steps. The first one is to estimate the ranges of all pixels in the ImageStar input set. We can solve \(h_I \times w_I \times nc\) linear programming optimizations to find the exact ranges of these pixels, where \([h_I, w_I, nc]\) is the size of the input set. However, unfortunately this is a time-consuming computation. For example, if a single linear optimization can be done in \(0.01\,\mathbf {s}\), for an ImageStar of the size \(224 \times 224 \times 32\) , we need about \(10\,\mathbf {h}\) to find the ranges of all pixels. To overcome this bottleneck, we quickly estimate the ranges using only the ranges of the predicate variables to get rid of a vast amount of non-max-point candidates. In the second step, we solve a much smaller number of LP optimizations to determine the exact set of the local max point candidates and then construct the ImageStar output set based on these candidates.

Lemma 5 shows that the number of ImageStars in the exact reachability analysis of a max-pooling layer may grow exponentially. To overcome this problem, we propose the following over-approximate reachability method.

Over-Approximate Reachability of a Max Pooling Layer. The central idea of the over-approximate analysis of the max-pooling layer is that if a local region has more than one max point candidates, we introduce a new predicate variable standing for the max point of that region. We revisit the example introduced earlier in the exact analysis to clarify this idea. Since the first local region I has two max point candidates, we introduce new predicate variable \(\beta \) to represent the max point of this region by adding three new constraints: 1) \(\beta \ge 4 + \alpha * 1\), i.e., \(\beta \) must be equal or larger than the value of the first candidate ; 2) \(\beta \ge 3 + \alpha * 0\), i.e., \(\beta \) must be equal or larger than the value of the second candidate; 3) \(\beta \le 6\), i.e., \(\beta \) must be equal or smaller than the upper bound of the pixels values in the region. With the new predicate variable, a single over-approximate reachable set \(\varTheta ^{\prime }\) can be constructed in Fig. 5. The approximate reachability algorithm is presented in the Appendix of the extended version of this paper  [33].

Lemma 6

The worst-case complexity of the new predicate variables introduced in the over-approximate analysis is \(\mathcal {O}(h\times w \times nc)\) where [hwnc] is the size of the ImageStar output set.

4.6 Reachability of a ReLU Layer

Similar to max-pooling layer, the reachability analysis of a ReLU layer is also challenging because the value of each pixel in an ImageStar may be smaller than zero or larger than zero depending on the values of the predicate variables (\(ReLU(x) = max(0, x)\)). In this section, we investigate the exact and over-approximate reachability algorithms for a ReLU layer with an ImageStar input set. The techniques we use in this section are adapted from in [37].

Exact Reachability of a ReLU Layer. The central idea of the exact analysis of a ReLU layer with an ImageStar input set is performing a sequence of stepReLU operations over all pixels of the ImageStar input set. Mathematically, the exact reachable set of a ReLU layer L can be computed as follows.

$$\begin{aligned} \mathcal {R}_L = stepReLU_N(stepReLU_{N-1}(\dots (stepReLU_1(\mathcal {I})))), \end{aligned}$$

where N is the total number of pixels in the ImageStar input set \(\mathcal {I}\). The \(stepReLU_i\) operation determines whether or not a split occurs at the \(i^{th}\) pixel. If the pixel value is larger than zero, then the output value of that pixel remains the same. If the pixel value is smaller than zero than the output value of that pixel is reset to be zero. The challenge is that the pixel value depends on the predicate variables. Therefore, there is the case that the pixel value may be negative or positive with an extra condition on the predicate variables. In this case, we split the input set into two intermediate ImageStar reachable sets and apply the ReLU law on each intermediate reach set. An example of the stepReLU operation on an ImageStar is illustrated in Fig. 6. The value of the first pixel value \(-1 + \alpha \) would be larger than zero if \(\alpha \le 1\), and in this case we have \(ReLU(-1 + \alpha ) = -1 + \alpha \). If \(\alpha <= 1\), then \(ReLU(-1 + \alpha ) = 0 + \alpha \times 0\). Therefore, the first stepReLU operation produces two intermediate reachable sets \(\varTheta _1\) and \(\varTheta _2\), as shown in the figure. The number of ImageStars in the exact reachable set of a ReLU layer increases quickly along with the number of splits in the analysis, as stated in the following lemma.

Fig. 6.
figure 6

stepReLU operation on an ImageStar.

Lemma 7

The worst-case complexity of the number of ImageStars in the exact analysis of a ReLU layer is \(\mathcal {O}(2^N)\), where N is the number of pixels in the ImageStar input set.

Proof

There are \(h \times w \times nc\) local regions in the approximate analysis. In the worst case, we need to introduce a new variable for each region. Therefore, the worst case complexity of new predicate variables introduced is \(\mathcal {O}(h \times w \times nc)\).

Similar to [37], to control the explosion in the number of ImageStars in the exact reachable set of a ReLU layer, we propose an over-approximate reachability algorithm in the following.

Over-Approximate Reachability of a ReLU Layer. The idea behind the over-approximate reachability of ReLU layer is replacing the stepReLU operation at each pixel in the ImageStar input set by an approxStepReLU operation. At each pixel where a split occurs, we introduce a new predicate variable to over-approximate the result of the stepReLU operation at that pixel. An example of the overStepReLU operation on an ImageStar is depicted in Fig. 7 in which the first pixel of the input set has the ranges of \([l_1 = -3, u_1 = 1]\) indicating that a split occurs at this pixel. To avoid this split, we introduce a new predicate variable \(\beta \) to over-approximate the exact intermediate reachable set (i.e., two blue segments in the figure) by a triangle. This triangle is determined by three constraints: 1) \(\beta \ge 0\) (the \(ReLU(x) \ge 0\) for any x); 2) \(\beta \ge -1 + \alpha \) (\(ReLU(x) \ge x\) for any x); 3) \(\beta \le 0.5 + 0.25 \alpha \) (upper bound of the new predicate variable). Using this over-approximation, a single intermediate reachable set \(\varTheta ^{\prime }\) is produced as shown in the figure. After performing a sequence of approxStepReLU operations, we obtain a single over-approximate ImageStar reachable set for the ReLU layer. However, the number of predicate variables and the number of constraints in the obtained reachable set increase.

Fig. 7.
figure 7

approxStepReLU operation on an ImageStar.

Lemma 8

The worst case complexity of the increment of predicate variables and constraints is \(\mathcal {O}(N)\) and \(\mathcal {O}(3\times N)\) respectively, where N is the number of pixels in the ImageStar input set.

Proof

In the worst case, splits occur at all N pixels in the ImageStar input set. In this case, we need to introduce N new predicate variables to over-approximate the exact intermediate reachable set. For each new predicate variable, we add 3 new constraints.

One can see that determining where splits occur is crucial in the exact and over-approximate analysis of a ReLU layer. To do this, we need to know the ranges of all pixels in the ImageStar input set. However, as mentioned earlier, the computation of the exact range is expensive. To reduce the computation cost, we first use the estimated ranges of all pixels to remove a vast amount of non-splitting pixels. Then, we compute exact ranges for the pixels where splits may occur to compute the exact or over-approximate reachable set of the layer.

figure a

4.7 Reachabilty Algorithm and Parallelization

We have presented the core ideas for reachability analysis of different types of layers in a CNN. The reachable set of a CNN is constructed layer-by-layer in which the output reachable set of the previous layer is the input for the next layer. For the convolutional layer, average pooling layer and fully connected layer, we always can compute efficiently the exact reachable set of each layer. For the max pooling layer and ReLU layer, we can compute both the exact and the over-approximate reachable sets. However, the number of ImageStars in the exact reachable set may grow quickly. Therefore, in the exact analysis, a layer may receive multiple input sets which can be handled in parallel to speed up the computation time. The reachability algorithm for a CNN is summarized in Algorithm 1. The detailed implementation of the reachability algorithm for each layer can be found in NNV [34, 39].

5 Evaluation

The proposed reachability algorithms are implemented in NNV  [39], a tool for verification of deep neural networks and learning-enabled CPS. NNV utilizes core functions in MatConvNet [40] for the analysis of several layers. The evaluation of our approach consists of two parts. First, we evaluate robustness verification of deep neural networks in comparison to zonotope [29] and polytope methods [30] that are re-implemented in NNV. Second, we evaluate the scalability of our approach and the DeepPoly polytope method using real-world image classifiers, VGG16, and VGG19 [28]. The experiments are done on a computer with following configurations: Intel Core i7-6700 CPU @ 3.4GHz \(\times \) 8 Processor, 62.8 GiB Memory, Ubuntu 18.04.1 LTS OS.Footnote 1 Lastly, we present a comparison with ERAN-DeepZ method on their ConvMaxPool network trained on the CIFAR-10 data set in the Appendix of the extended version of this paper  [33].

5.1 Robustness Verification of MNIST Classification Networks

We compare our approach with the zonotope and polytope methods in two aspects including verification time and conservativeness of the results. To do that, we train 3 CNNs in small, medium, and large architectures with \(98\%, 99.7\%\), and \(99.9\%\) accuracy, respectively, using the MNIST data set consisting of 60000 images of handwritten digits with a resolution of \(28 \times 28\) pixels [20]. The network architectures are given in the Appendix of the extended version of this paper  [33].

Fig. 8.
figure 8

Example output ranges of the small MNIST classification network using different approaches.

The networks classify images into ten classes: \(0, 1, \dots , 9\). The classified output is the index of the dimension that has maximum value, i.e., the argmax across the 10 outputs. We evaluate the robustness of the network under the well-known brightening attack used in [8]. The idea of a brightening attack is that we can change the value of some pixels independently in the image to make it brighter or darker to fool the network, to misclassify the image. In this case study, we darken a pixel of an image if its value \(x_i\) (between 0 and 255) is larger than a threshold d, i.e., \(x_i \ge d\). Mathematically, we reduce the value of that pixel \(x_i\) to the new value \(x_i^{\prime }\) such that \(0 \le x_i^{\prime } \le \delta \times x_i\).

The robustness verification is done as follows. We select 100 images that are correctly classified by the networks and perform the brightening attack on these, which are then used to evaluate the robustness of the networks. A network is robust to an input set if, for any attacked image, this is correctly classified by the network. We note that the input set contains an infinite number of images. Therefore, to prove the robustness of the network to the input set, we first compute the output set containing all possible output vectors of the network using reachability analysis. Then, we prove that in the output set, the correctly classified output always has the maximum value compared with other outputs. Note that we can neglect the softmax and classoutput layers of the networks in the analysis since we only need to know the maximum output in the output set of the last fully connected layer in the networks to prove the robustness of the network.

We are interested in the percentage of the number of input sets that a network is provably robust and the verification times of different approaches under different values of d and \(\theta \). When d is small, the number of pixels in the image that are attacked is large and vice versa. For example, the average number of pixels attacked (computed on 100 cases) corresponding to \(d = 250\), 245 and 240 are 15, 21 and 25 respectively. The value of \(\delta \) dictates the size of the input set that can be created by a specific attack. Stated differently it dictates the range in which the value of a pixel can be changed. For example, if \(d = 250\) and \(\delta = 0.01\), the value of an attacked pixel many range from 0 to 2.55.

Table 1. Verification results of the small MNIST CNN.
Table 2. Verification results of the medium MNIST CNN.

The experiments show that using the zonotope method, we cannot prove the robustness of any network. The reason is that the zonotope method obtains very conservative reachable sets. Figure 8 illustrates the ranges of the outputs computed by our ImageStar (approximate scheme), the zonotope and polytope approaches when we attack a digit 0 image with brightening attack in which \(d = 250\) and \(\delta = 0.05\). One can see that, using ImageStar and polytope method, we can prove that the output corresponding to the digit 0 is the one that has a maximum value, which means that the network is robust in this case. However, the zonotope method produces very large output ranges that cannot be used to prove the robustness of the network. The figure also shows that our ImageStar method produces tighter ranges than the polytope method, which means our result is less conservative than the one obtained by the polytope method. We note that the zonotope method is very time-consuming. It needs 93 s to compute the reachable set of the network in this case, while the polytope method only needs 0.3 s, and our approximate ImageStar method needs 0.74 s. The main reason is that the zonotope method introduces many new variables when constructing the reachable set of the network, which results in the increase in both computation time and conservativeness.

Table 3. Verification results of the large MNIST CNN.

The comparison of the polytope and our ImageStar method is given in Tables 1, 2, and 3. The tables show that in all networks, our method is less conservative than the polytope approach since the number of cases that our approach can prove the robustness of the network is larger than the one proved by the polytope method. For example, for the small network, for \(d = 240\) and \(\delta = 0.015\), we can prove 71 cases while the polytope method can prove 65 cases. Importantly, the number of cases proved by DeepPoly reduces quickly when the network becomes larger. For example, for the case that \(d = 240\) and \(\delta = 0.015\), the polytope method is able to prove the robustness of the medium network for 38 cases while our approach can prove 88 cases. This is because the polytope method becomes more and more conservative when the network or the input set is large. The tables show that the polytope method is faster than our ImageStar method on the small network. However, it is slower than the ImageStar method on any larger networks in all cases. Notably, for the large network, the ImageStar approach is significantly faster than the polytope approach, 16.65 times faster in average. The results also show that the polytope approach may run into memory problem for some large input sets.

Table 4. Verification results of VGG networks.

5.2 Robustness Verification of VGG16 and VGG19

In this section, we evaluate the polytope and ImageStar methods on real-world CNNs, the VGG16 and VGG19 classification networks  [28]. We use Foolbox [26] to generate the well-known DeepFool adversarial attacks [25] on a set of 20 bell pepper images. From an original image \(ori\_im\), Foolbox generates an adversarial image \(adv\_im\) that can fool the network. The difference between two images is defined by \(diff\_im = adv\_im - ori\_im\). We want to verify if we apply \((l + \delta )\) percent of the attack on the original image, whether or not the network classifies the disturbed images correctly. The set of disturbed images can be represented as an ImageStar as follows \(disb\_im = ori\_im + (l + \delta )\times diff\_im\), where l is the percentage of the attack at which we want to verify the robustness of the network, and \(\delta \) is a small perturbation around l, i.e., \(0 \le \delta \le \delta _{max}\). Intuitively, l describes how close we are to the attack, and the perturbation \(\delta \) represents the size of the input set.

Table 4 shows the verification results of VGG16 and VGG19 with different levels of the DeepFool attack. The networks are robust if they classify correctly the set of disturbed images \(disb\_im\) as bell peppers. To guarantee the robustness of the networks, the output corresponding to the bell pepper label (index 946) needs to be the maximum output compared with others. The table shows that with a small input set, small \(\delta \), the polytope and ImageStar can prove robustness of VGG16 and VGG19 in a reasonable amount of time. Notably, the verification times as well as the robustness results of the polytope and ImageStar methods are similar when they deal with small input sets except for two cases where ImageStar is faster than the polytope method. It is interesting to note that according to the verification results for the VGG and MNIST networks, deep networks may be more robust than shall ow networks.

Table 5. Verification results of the VGG16 and VGG19 in which VT is the verification time (in seconds) using the ImageStar exact and approximate schemes.

5.3 Exact Analysis vs. Approximate Analysis

We compare our ImageStar approximate scheme with the zonotope and polytope approximation methods, and investigate the performance of the ImageStar exact scheme compared to the approximate one. To illustrate the advantages and disadvantages of the exact scheme and approximate scheme, we consider the robustness verification of VGG16 and VGG19 on a single ImageStar input set created by an adversarial attack on a bell pepper image. The verification results are presented in Table 5. The table shows that for a small perturbation \(\delta \), the exact and over-approximate analysis can prove the robustness of the VGG16 around some specific levels of attack in approximately one minute. We can intuitively verify the robustness of the VGG networks via visualization of their output ranges. An example of the output ranges of VGG19 for the case of \(l = 0.95\%, \delta _{max} = 2\times 10^{-7}\) is depicted in Fig. 9. One can see from the figure that the output of the index 946 corresponding to the bell pepper label is always the maximum one compared with others, which proves that VGG19 is robust in this case. From the table, it is interesting that VGG19 is not robust if we apply \(\ge 98\%\) of the attack. Notably, the exact analysis can give us correct answers with a counter-example set in this case. However, the over-approximate analysis cannot prove that VGG19 is not robust since its obtained reachable set is an over-approximation of the exact one. Therefore, it may be the case that the over-approximate reachable set violates the robustness property because of its conservativeness. A counter-example generated by the exact analysis method is depicted in Fig. 10 in which the disturbed image is classified as strawberry instead of bell pepper since the strawberry output is larger than the bell pepper output in this case.

Fig. 9.
figure 9

Exact ranges of VGG19 show that VGG19 correctly classifies the input image as a bell pepper.

Fig. 10.
figure 10

A counter-example shows that VGG19 misclassifies the input image as a strawberry instead of a bell pepper.

To optimize the verification time, it is important to know the times consumed by each type of layer in the reachability analysis step. Figure 11 described the total reachability times of the convolutional layers, fully connected layers, max pooling layers and ReLU layers in the VGG19 with \(50\%\) attack and \(10^{-7}\) perturbation. As shown in the figure, the reachable set computation in the convolutional layers and fully connected layers can be done very quickly, which shows the advantages of the ImageStar data structure. Notably, the total reachability time is dominated by the time of computing the reachable set for 5 max pooling layers and 18 ReLU layers. This is because the computation in these layers concerns solving a large number of linear programing (LP) optimization problems such as finding lower bound and upper bound, and checking max point candidates. Therefore, to optimize the computation time, we need to minimize the number of LP problems in the future.

Fig. 11.
figure 11

Total reachability time of each type of layer in VGG19, where the max pooling and ReLU layers dominate the total reachability time.

6 Discussion

When we apply our approach on large networks, it has been shown that the size of the input set is the most important factor that influences the performance of verification approaches. However, this important issue has not been emphasized in the existing literature. Most of existing approaches focus on the size of the network that they can analyze. We hypothesize that existing methods (including the methods in this paper) scalable to large networks are only so for small input sets. When the input set is large, it causes three major problems in the analysis, which are explosions of 1) computation time; 2) memory usage; and 3) conservativeness. In the exact analysis method, a large input set causes more splits in the max-pooling and ReLU layers. A single ImageStar may split into many new ImageStars after these layers, which leads to explosion in the number of ImageStars in the reachable set as shown in Fig. 12. Therefore, it requires more memory to handle the new ImageStars and more time for the computation. One may think that the over-approximate method can overcome this challenge since it obtains only one ImageStar at each layer and at the cost of conservativeness of the result. An over-approximate method does usually help reduce the computation time, as shown in the experimental results. However, it is not necessarily efficient in terms of memory consumption. The reason is, if there is a split, it introduces a new predicate variable and new generator. If the number of generators and the dimensions of the ImageStar are large, it requires a massive amount of memory to store the over-approximate reachable set. For instance, if there are 100 splits in the first ReLU layer of VGG19, the second convolutional layer will receive an ImageStar of size \(224 \times 224 \times 64\) with 100 generators. To store this ImageStar with double precision, we need approximately 2.4 GB of memory. In practice, the dimensions of the ImageStars obtained in the first several convolutional layers are usually large. Therefore, if splitting happens in these layers, we may run out of memory. We see that existing approaches, such as those using zonotopes and polytopes, also face the same challenges. Additionally, the conservativeness of an over-approximate reachable set is a crucial factor in evaluating an over-approximation approach. Therefore, the exact analysis still plays an essential role in the analysis of neural networks since it helps to evaluate the conservativeness of the over-approximation approaches.

Fig. 12.
figure 12

Number of ImageStars in exact analysis increases with input size.

7 Conclusion

We have presented a new set-based method for robustness verification of deep CNNs using ImageStars. The core of this method are exact and over-approximate reachability algorithms for ImageStar input sets. The experiments show that our approach is less conservative than recent zonotope and polytope approaches. It is also faster than existing approaches when dealing with deep networks. Notably, our approach can be applied to verify the robustness of real-world CNNs with small perturbed input sets. It can also compute the exact reachable set and visualize the exact output range of deep CNNs, and the analysis can speed up significantly with parallel computing. We have found and shown the size of the input set to be an important factor that impacts the performance of reachability algorithms. Future work includes improving the method to deal with larger input sets and optimizing the memory and time complexity of our computations.