Adversarial Machine Learning#

In this example, we show how to use Gurobi Machine Learning to construct an adversarial example for a trained neural network.

We use the MNIST handwritten digit database (http://yann.lecun.com/exdb/mnist/) for this example.

For this problem, we are given a trained neural network and one well classified example \(\bar x\). Our goal is to construct another example \(x\) close to \(\bar x\) that is classified with a different label.

For the hand digit recognition problem, the input is a grayscale image of \(28 \times 28\) (\(=784\)) pixels and the output is a vector of length 10 (each entry corresponding to a digit). We denote the output vector by \(y\). The image is classified according to the largest entry of \(y\).

For the training example, assume that coordinate \(l\) of the output vector is the one with the largest value giving the correct label. We pick a coordinate corresponding to another label, denoted \(w\), and we want the difference between \(y_w - y_l\) to be as large as possible.

If we can find a solution where this difference is positive, then \(x\) is a counter-example receiving a different label. If instead we can show that the difference is never positive, no such example exists.

Here, we use the \(l_1-\) norm \(|| x - \bar x||_1\) to define the neighborhood with its size defined by a fixed parameter \(\delta\):

\[|| x - \bar x ||_1 \le \delta.\]

Denoting by \(g\) the prediction function of the neural network, the full optimization model reads:

\[\begin{split}\begin{aligned} &\max y_w - y_l \\ &\text{subject to:}\\ &|| x - \bar x ||_1 \le \delta,\\\ & y = g(x). \end{aligned}\end{split}\]

Note that our model is inspired by Fischet al. (2018).

Imports and loading data#

First, we import the required packages for this example.

In addition to the usual packages, we will need matplotlib to plot the digits, and joblib to load a pre-trained network and part of the training data.

Note that from the gurobi_ml package we need to use directly the add_mlp_regressor_constr function for reasons that will be clarified later.

import gurobipy as gp
import numpy as np
from joblib import load
from matplotlib import pyplot as plt

from gurobi_ml.sklearn import add_mlp_regressor_constr

We load a neural network that was pre-trained with Scikit-learn’s MLPRegressor. The network is small (2 hidden layers of 50 neurons), finding a counter example shouldn’t be too difficult.

We also load the first 100 training examples of the MNIST dataset that we saved to avoid having to reload the full data set.

# Load the trained network and the examples
mnist_data = load("../../tests/predictors/mnist__mlpclassifier.joblib")
nn = mnist_data["predictor"]
X = mnist_data["data"]
/home/docs/checkouts/readthedocs.org/user_builds/gurobi-optimization-gurobi-machine-learning/envs/stable/lib/python3.9/site-packages/sklearn/base.py:376: InconsistentVersionWarning: Trying to unpickle estimator LabelBinarizer from version 1.5.0 when using version 1.4.2. This might lead to breaking code or invalid results. Use at your own risk. For more info please refer to:
https://scikit-learn.org/stable/model_persistence.html#security-maintainability-limitations
  warnings.warn(
/home/docs/checkouts/readthedocs.org/user_builds/gurobi-optimization-gurobi-machine-learning/envs/stable/lib/python3.9/site-packages/sklearn/base.py:376: InconsistentVersionWarning: Trying to unpickle estimator MLPClassifier from version 1.5.0 when using version 1.4.2. This might lead to breaking code or invalid results. Use at your own risk. For more info please refer to:
https://scikit-learn.org/stable/model_persistence.html#security-maintainability-limitations
  warnings.warn(

Choose an example and set labels#

Now we choose an example. Here we chose arbitrarily example 26. We plot the example and verify if it is well predicted by calling the predict function.

# Choose an example
exampleno = 26
example = X[exampleno : exampleno + 1, :]

plt.imshow(example.reshape((28, 28)), cmap="gray")

print(f"Predicted label {nn.predict(example)}")
example3 adversarial mnist
Predicted label ['4']

To set up the objective function of the optimization model, we also need to find a wrong label.

We use predict_proba to get the weight given by the neural network to each label. We then use numpy’s argsort function to get the labels sorted by their weight. The right label is then the last element in the list, and we pick the next to last element as the wrong label.

ex_prob = nn.predict_proba(example)
sorted_labels = np.argsort(ex_prob)[0]
right_label = sorted_labels[-1]
wrong_label = sorted_labels[-2]

Building the optimization model#

Now all the data is gathered, and we proceed to building the optimization model.

We create a matrix variable x corresponding to the new input of the neural network we want to compute and a y matrix variable for the output of the neural network. Those variables should have respectively the shape of the example we picked and the shape of the return value of predict_proba.

We need additional variables to model the \(l1-\)norm constraint. Namely, for each pixel in the image, we need to measure the absolute difference between \(x\) and \(\bar x\). The corresponding matrix variable has the same shape as x.

We set the objective which is to maximize the difference between the wrong label and the right label.

m = gp.Model()
delta = 5

x = m.addMVar(example.shape, lb=0.0, ub=1.0, name="x")
y = m.addMVar(ex_prob.shape, lb=-gp.GRB.INFINITY, name="y")

abs_diff = m.addMVar(example.shape, lb=0, ub=1, name="abs_diff")

m.setObjective(y[0, wrong_label] - y[0, right_label], gp.GRB.MAXIMIZE)

The \(l1-\)norm constraint is formulated with:

\[\begin{split} \eta \ge x - \bar x \\ \eta \ge \bar x - x \\ \sum \eta \le \delta\end{split}\]

With \(\eta\) denoting the absdiff variables.

Those constraints are naturally expressed with Gurobi’s Matrix API.

# Bound on the distance to example in norm-1
m.addConstr(abs_diff >= x - example)
m.addConstr(abs_diff >= -x + example)
m.addConstr(abs_diff.sum() <= delta)

# Update the model
m.update()

Finally, we insert the neural network in the gurobipy model to link x and y.

Note that this case is not as straightforward as others. The reason is that the neural network is trained for classification with a "softmax" activation in the last layer. But in this model we are using the network without activation in the last layer.

For this reason, we change manually the last layer activation before adding the network to the Gurobi model.

Also, we use the function add_mlp_regressor_constr. directly. The network being actually for classification (i.e. of type MLPClassifier) the add_predictor_constr. function would not handle it automatically.

In the output, there is a warning about adding constraints with very small coefficients that are ignored. Neural-networks often contain very small coefficients in their expressions. Any coefficient with an absolute value smaller than \(10^{-13}\) is ignored by Gurobi. This may result in slightly different predicted values but should be negligible.

# Change last layer activation to identity
nn.out_activation_ = "identity"
# Code to add the neural network to the constraints
pred_constr = add_mlp_regressor_constr(m, nn, x, y)

# Restore activation
nn.out_activation_ = "softmax"
Warning for adding constraints: zero or small (< 1e-13) coefficients, ignored

The model should be complete. We print the statistics of what was added to insert the neural network into the optimization model.

Model for mlpclassifier:
200 variables
110 constraints
100 general constraints
Input has shape (1, 784)
Output has shape (1, 10)

--------------------------------------------------------------------------------
Layer           Output Shape    Variables              Constraints
                                                Linear    Quadratic      General
================================================================================
dense                (1, 50)          100           50            0           50 (relu)

dense0               (1, 50)          100           50            0           50 (relu)

dense1               (1, 10)            0           10            0            0

--------------------------------------------------------------------------------

Solving the model#

We now turn to solving the optimization model. Solving the adversarial problem, as we formulated it above, doesn’t actually require computing a provably optimal solution. Instead, we need to either:

  • find a feasible solution with a positive objective cost (i.e. a counter-example), or

  • prove that there is no solution of positive cost (i.e. no counter-example in the neighborhood exists).

We can use Gurobi parameters to limit the optimization to answer those questions: setting BestObjStop to 0.0 will stop the optimizer if a counter-example is found, setting BestBdStop to 0.0 will stop the optimization if the optimizer has shown there is no counter-example.

We set the two parameters and optimize.

m.Params.BestBdStop = 0.0
m.Params.BestObjStop = 0.0
m.optimize()
Set parameter BestBdStop to value 0
Set parameter BestObjStop to value 0
Gurobi Optimizer version 11.0.1 build v11.0.1rc0 (linux64 - "Ubuntu 20.04.6 LTS")

CPU model: Intel(R) Xeon(R) Platinum 8259CL CPU @ 2.50GHz, instruction set [SSE2|AVX|AVX2|AVX512]
Thread count: 1 physical cores, 2 logical processors, using up to 2 threads

Optimize a model with 1679 rows, 1778 columns and 41682 nonzeros
Model fingerprint: 0x19604336
Model has 100 general constraints
Variable types: 1778 continuous, 0 integer (0 binary)
Coefficient statistics:
  Matrix range     [1e-13, 2e+00]
  Objective range  [1e+00, 1e+00]
  Bounds range     [1e+00, 1e+00]
  RHS range        [4e-04, 5e+00]
Presolve removed 1250 rows and 733 columns
Presolve time: 0.16s
Presolved: 429 rows, 1045 columns, 37851 nonzeros
Variable types: 964 continuous, 81 integer (73 binary)

Root relaxation: objective 2.036747e+03, 288 iterations, 0.01 seconds (0.01 work units)

    Nodes    |    Current Node    |     Objective Bounds      |     Work
 Expl Unexpl |  Obj  Depth IntInf | Incumbent    BestBd   Gap | It/Node Time

     0     0 2036.74740    0   54          - 2036.74740      -     -    0s
     0     0 1805.42810    0   55          - 1805.42810      -     -    0s
     0     0 1629.30248    0   55          - 1629.30248      -     -    0s
     0     0 1629.30248    0   55          - 1629.30248      -     -    0s
     0     0 1430.08467    0   61          - 1430.08467      -     -    0s
     0     0 1324.28556    0   60          - 1324.28556      -     -    0s
     0     0 1324.28556    0   60          - 1324.28556      -     -    0s
     0     0 1134.97285    0   62          - 1134.97285      -     -    0s
     0     0 1078.90173    0   62          - 1078.90173      -     -    0s
     0     0 1078.90173    0   63          - 1078.90173      -     -    0s
     0     0  815.54576    0   63          -  815.54576      -     -    0s
     0     0  777.25863    0   63          -  777.25863      -     -    0s
     0     0  777.25863    0   62          -  777.25863      -     -    0s
     0     0  594.33341    0   65          -  594.33341      -     -    0s
     0     0  558.29073    0   66          -  558.29073      -     -    0s
     0     0  556.76572    0   66          -  556.76572      -     -    0s
     0     0  556.60891    0   65          -  556.60891      -     -    0s
     0     0  449.06544    0   68          -  449.06544      -     -    0s
     0     0  444.45384    0   67          -  444.45384      -     -    0s
     0     0  443.49251    0   67          -  443.49251      -     -    0s
     0     0  416.64302    0   68          -  416.64302      -     -    1s
     0     0  409.38224    0   68          -  409.38224      -     -    1s
     0     0  409.38224    0   69          -  409.38224      -     -    1s
     0     0  350.09444    0   68          -  350.09444      -     -    1s
     0     0  346.32748    0   70          -  346.32748      -     -    1s
     0     0  345.01883    0   69          -  345.01883      -     -    1s
     0     0  339.81615    0   71          -  339.81615      -     -    1s
     0     0  318.48867    0   70          -  318.48867      -     -    1s
H    0     0                      -5.7742451  318.48867  5616%     -    1s
     0     2  318.48867    0   70   -5.77425  318.48867  5616%     -    2s
   545   422   -4.21296   26   22   -5.77425  233.58472  4145%  38.6    5s
H  598   437                      -5.7742451  232.71131  4130%  37.8    5s
   630   459   -0.19487   25   46   -5.77425  150.50776  2707%  41.1   10s
H  647   448                      32.3334595   63.86261  97.5%  43.1   13s

Cutting planes:
  MIR: 17
  Flow cover: 1

Explored 647 nodes (31321 simplex iterations) in 13.16 seconds (16.42 work units)
Thread count was 2 (of 2 available processors)

Solution count 3: 32.3335 -5.77425 -5.77425

Optimization achieved user objective limit
Best objective 3.233345954116e+01, best bound 6.386260766438e+01, gap 97.5124%

Results#

Normally, for the example and \(\delta\) we chose, a counter example that gets the wrong label is found. We finish this notebook by plotting the counter example and printing how it is classified by the neural network.

plt.imshow(x.X.reshape((28, 28)), cmap="gray")

print(f"Solution is classified as {nn.predict(x.X)}")
example3 adversarial mnist
Solution is classified as ['9']

Copyright © 2023 Gurobi Optimization, LLC

Total running time of the script: (0 minutes 13.464 seconds)

Gallery generated by Sphinx-Gallery