42. Robustness#

42.1. Overview#

This lecture modifies a Bellman equation to express a decision maker’s doubts about transition dynamics.

His specification doubts make the decision maker want a robust decision rule.

Robust means insensitive to misspecification of transition dynamics.

The decision maker has a single approximating model.

He calls it approximating to acknowledge that he doesn’t completely trust it.

He fears that outcomes will actually be determined by another model that he cannot describe explicitly.

All that he knows is that the actual data-generating model is in some (uncountable) set of models that surrounds his approximating model.

He quantifies the discrepancy between his approximating model and the genuine data-generating model by using a quantity called entropy.

(We’ll explain what entropy means below)

He wants a decision rule that will work well enough no matter which of those other models actually governs outcomes.

This is what it means for his decision rule to be “robust to misspecification of an approximating model”.

This may sound like too much to ask for, but .

a secret weapon is available to design robust decision rules.

The secret weapon is max-min control theory.

A value-maximizing decision maker enlists the aid of an (imaginary) value-minimizing model chooser to construct bounds on the value attained by a given decision rule under different models of the transition dynamics.

The original decision maker uses those bounds to construct a decision rule with an assured performance level, no matter which model actually governs outcomes.

Note

In reading this lecture, please don’t think that our decision maker is paranoid when he conducts a worst-case analysis. By designing a rule that works well against a worst-case, his intention is to construct a rule that will work well across a set of models.

42.1.1. Sets of Models Imply Sets Of Values#

Our “robust” decision maker wants to know how well a given rule will work when he does not know a single transition law .

he wants to know sets of values that will be attained by a given decision rule F under a set of transition laws.

Ultimately, he wants to design a decision rule F that shapes these sets of values in ways that he prefers.

With this in mind, consider the following graph, which relates to a particular decision problem to be explained below

../_images/kg0.png

The figure shows a value-entropy correspondence for a particular decision rule F.

The shaded set is the graph of the correspondence, which maps entropy to a set of values associated with a set of models that surround the decision maker’s approximating model.

Here

  • Value refers to a sum of discounted rewards obtained by applying the decision rule F when the state starts at some fixed initial state x0.

  • Entropy is a nonnegative number that measures the size of a set of models surrounding the decision maker’s approximating model.

    • Entropy is zero when the set includes only the approximating model, indicating that the decision maker completely trusts the approximating model.

    • Entropy is bigger, and the set of surrounding models is bigger, the less the decision maker trusts the approximating model.

The shaded region indicates that for all models having entropy less than or equal to the number on the horizontal axis, the value obtained will be somewhere within the indicated set of values.

Now let’s compare sets of values associated with two different decision rules, Fr and Fb.

In the next figure,

  • The red set shows the value-entropy correspondence for decision rule Fr.

  • The blue set shows the value-entropy correspondence for decision rule Fb.

../_images/kg.png

The blue correspondence is skinnier than the red correspondence.

This conveys the sense in which the decision rule Fb is more robust than the decision rule Fr.

  • more robust means that the set of values is less sensitive to increasing misspecification as measured by entropy.

Notice that the less robust rule Fr promises higher values for small misspecifications (small entropy).

(But it is more fragile in the sense that it is more sensitive to perturbations of the approximating model)

Below we’ll explain in detail how to construct these sets of values for a given F, but for now .

Here is a hint about the secret weapons we’ll use to construct these sets

  • We’ll use some min problems to construct the lower bounds.

  • We’ll use some max problems to construct the upper bounds.

We will also describe how to choose F to shape the sets of values.

This will involve crafting a skinnier set at the cost of a lower level (at least for low values of entropy).

42.1.2. Inspiring Video#

If you want to understand more about why one serious quantitative researcher is interested in this approach, we recommend Lars Peter Hansen’s Nobel lecture.

42.1.3. Other References#

Our discussion in this lecture is based on

using LinearAlgebra, Statistics

42.2. The Model#

For simplicity, we present ideas in the context of a class of problems with linear transition laws and quadratic objective functions.

To fit in with our earlier lecture on LQ control, we will treat loss minimization rather than value maximization.

To begin, recall the infinite horizon LQ problem, where an agent chooses a sequence of controls {ut} to minimize

(42.1)#t=0βt{xtRxt+utQut}

subject to the linear law of motion

(42.2)#xt+1=Axt+But+Cwt+1,t=0,1,2,

As before,

  • xt is n×1, A is n×n

  • ut is k×1, B is n×k

  • wt is j×1, C is n×j

  • R is n×n and Q is k×k

Here xt is the state, ut is the control, and wt is a shock vector.

For now we take {wt}:={wt}t=1 to be deterministic — a single fixed sequence.

We also allow for model uncertainty on the part of the agent solving this optimization problem.

In particular, the agent takes wt=0 for all t0 as a benchmark model, but admits the possibility that this model might be wrong.

As a consequence, she also considers a set of alternative models expressed in terms of sequences {wt} that are “close” to the zero sequence.

She seeks a policy that will do well enough for a set of alternative models whose members are pinned down by sequences {wt}.

Soon we’ll quantify the quality of a model specification in terms of the maximal size of the expression t=0βt+1wt+1wt+1.

42.3. Constructing More Robust Policies#

If our agent takes {wt} as a given deterministic sequence, then, drawing on intuition from earlier lectures on dynamic programming, we can anticipate Bellman equations such as

Jt1(x)=minu{xRx+uQu+βJt(Ax+Bu+Cwt)}

(Here J depends on t because the sequence {wt} is not recursive)

Our tool for studying robustness is to construct a rule that works well even if an adverse sequence {wt} occurs.

In our framework, “adverse” means “loss increasing”.

As we’ll see, this will eventually lead us to construct the Bellman equation.

(42.3)#J(x)=minumaxw{xRx+uQu+β[J(Ax+Bu+Cw)θww]}

Notice that we’ve added the penalty term θww.

Since ww=w2, this term becomes influential when w moves away from the origin.

The penalty parameter θ controls how much we penalize the maximizing agent for “harming” the minimizing agent.

By raising θ more and more, we more and more limit the ability of maximizing agent to distort outcomes relative to the approximating model.

So bigger θ is implicitly associated with smaller distortion sequences {wt}.

42.3.1. Analyzing the Bellman equation#

So what does J in (42.3) look like?

As with the ordinary LQ control model, J takes the form J(x)=xPx for some symmetric positive definite matrix P.

One of our main tasks will be to analyze and compute the matrix P.

Related tasks will be to study associated feedback rules for ut and wt+1.

First, using matrix calculus, you will be able to verify that

(42.4)#maxw{(Ax+Bu+Cw)P(Ax+Bu+Cw)θww}=(Ax+Bu)D(P)(Ax+Bu)

where

(42.5)#D(P):=P+PC(θICPC)1CP

and I is a j×j identity matrix. Substituting this expression for the maximum into (42.3) yields

(42.6)#xPx=minu{xRx+uQu+β(Ax+Bu)D(P)(Ax+Bu)}

Using similar mathematics, the solution to this minimization problem is u=Fx where F:=(Q+βBD(P)B)1βBD(P)A.

Substituting this minimizer back into (42.6) and working through the algebra gives xPx=xB(D(P))x for all x, or, equivalently,

P=B(D(P))

where D is the operator defined in (42.5) and

B(P):=Rβ2APB(Q+βBPB)1BPA+βAPA

The operator B is the standard (i.e., non-robust) LQ Bellman operator, and P=B(P) is the standard matrix Riccati equation coming from the Bellman equation — see this discussion.

Under some regularity conditions (see [HS08]), the operator BD has a unique positive definite fixed point, which we denote below by P^.

A robust policy, indexed by θ, is u=F^x where

(42.7)#F^:=(Q+βBD(P^)B)1βBD(P^)A

We also define

(42.8)#K^:=(θICP^C)1CP^(ABF^)

The interpretation of K^ is that wt+1=K^xt on the worst-case path of {xt}, in the sense that this vector is the maximizer of (42.4) evaluated at the fixed rule u=F^x.

Note that P^,F^,K^ are all determined by the primitives and θ.

Note also that if θ is very large, then D is approximately equal to the identity mapping.

Hence, when θ is large, P^ and F^ are approximately equal to their standard LQ values.

Furthermore, when θ is large, K^ is approximately equal to zero.

Conversely, smaller θ is associated with greater fear of model misspecification, and greater concern for robustness.

42.4. Robustness as Outcome of a Two-Person Zero-Sum Game#

What we have done above can be interpreted in terms of a two-person zero-sum game in which F^,K^ are Nash equilibrium objects.

Agent 1 is our original agent, who seeks to minimize loss in the LQ program while admitting the possibility of misspecification.

Agent 2 is an imaginary malevolent player.

Agent 2’s malevolence helps the original agent to compute bounds on his value function across a set of models.

We begin with agent 2’s problem.

42.4.1. Agent 2’s Problem#

Agent 2

  1. knows a fixed policy F specifying the behavior of agent 1, in the sense that ut=Fxt for all t

  2. responds by choosing a shock sequence {wt} from a set of paths sufficiently close to the benchmark sequence {0,0,0,}

A natural way to say “sufficiently close to the zero sequence” is to restrict the summed inner product t=1wtwt to be small.

However, to obtain a time-invariant recursive formulation, it turns out to be convenient to restrict a discounted inner product

(42.9)#t=1βtwtwtη

Now let F be a fixed policy, and let JF(x0,w) be the present-value cost of that policy given sequence w:={wt} and initial condition x0Rn.

Substituting Fxt for ut in (42.1), this value can be written as

(42.10)#JF(x0,w):=t=0βtxt(R+FQF)xt

where

(42.11)#xt+1=(ABF)xt+Cwt+1

and the initial condition x0 is as specified in the left side of (42.10).

Agent 2 chooses w to maximize agent 1’s loss JF(x0,w) subject to (42.9).

Using a Lagrangian formulation, we can express this problem as

maxwt=0βt{xt(R+FQF)xtβθ(wt+1wt+1η)}

where {xt} satisfied (42.11) and θ is a Lagrange multiplier on constraint (42.9).

For the moment, let’s take θ as fixed, allowing us to drop the constant βθη term in the objective function, and hence write the problem as

maxwt=0βt{xt(R+FQF)xtβθwt+1wt+1}

or, equivalently,

(42.12)#minwt=0βt{xt(R+FQF)xt+βθwt+1wt+1}

subject to (42.11).

What’s striking about this optimization problem is that it is once again an LQ discounted dynamic programming problem, with w={wt} as the sequence of controls.

The expression for the optimal policy can be found by applying the usual LQ formula (see here).

We denote it by K(F,θ), with the interpretation wt+1=K(F,θ)xt.

The remaining step for agent 2’s problem is to set θ to enforce the constraint (42.9), which can be done by choosing θ=θη such that

(42.13)#βt=0βtxtK(F,θη)K(F,θη)xt=η

Here xt is given by (42.11) — which in this case becomes xt+1=(ABF+CK(F,θ))xt.

42.4.2. Using Agent 2’s Problem to Construct Bounds on the Value Sets#

42.4.2.1. The Lower Bound#

Define the minimized object on the right side of problem (42.12) as Rθ(x0,F).

Because “minimizers minimize” we have

Rθ(x0,F)t=0βt{xt(R+FQF)xt}+βθt=0βtwt+1wt+1,

where xt+1=(ABF+CK(F,θ))xt and x0 is a given initial condition.

This inequality in turn implies the inequality

(42.14)#Rθ(x0,F)θ entt=0βt{xt(R+FQF)xt}

where

ent:=βt=0βtwt+1wt+1

The left side of inequality (42.14) is a straight line with slope θ.

Technically, it is a “separating hyperplane”.

At a particular value of entropy, the line is tangent to the lower bound of values as a function of entropy.

In particular, the lower bound on the left side of (42.14) is attained when

(42.15)#ent=βt=0βtxtK(F,θ)K(F,θ)xt

To construct the lower bound on the set of values associated with all perturbations w satisfying the entropy constraint (42.9) at a given entropy level, we proceed as follows:

  • For a given θ, solve the minimization problem (42.12).

  • Compute the minimizer Rθ(x0,F) and the associated entropy using (42.15).

  • Compute the lower bound on the value function Rθ(x0,F)θ ent and plot it against ent.

  • Repeat the preceding three steps for a range of values of θ to trace out the lower bound.

Note

This procedure sweeps out a set of separating hyperplanes indexed by different values for the Lagrange multiplier θ.

42.4.2.2. The Upper Bound#

To construct an upper bound we use a very similar procedure.

We simply replace the minimization problem (42.12) with the maximization problem.

(42.16)#Vθ~(x0,F)=maxwt=0βt{xt(R+FQF)xtβθ~wt+1wt+1}

where now θ~>0 penalizes the choice of w with larger entropy.

(Notice that θ~=θ in problem (42.12))

Because “maximizers maximize” we have

Vθ~(x0,F)t=0βt{xt(R+FQF)xt}βθ~t=0βtwt+1wt+1

which in turn implies the inequality

(42.17)#Vθ~(x0,F)+θ~ entt=0βt{xt(R+FQF)xt}

where

entβt=0βtwt+1wt+1

The left side of inequality (42.17) is a straight line with slope θ~.

The upper bound on the left side of (42.17) is attained when

(42.18)#ent=βt=0βtxtK(F,θ~)K(F,θ~)xt

To construct the upper bound on the set of values associated all perturbations w with a given entropy we proceed much as we did for the lower bound.

  • For a given θ~, solve the maximization problem (42.16).

  • Compute the maximizer Vθ~(x0,F) and the associated entropy using (42.18).

  • Compute the upper bound on the value function Vθ~(x0,F)+θ~ ent and plot it against ent.

  • Repeat the preceding three steps for a range of values of θ~ to trace out the upper bound.

42.4.2.3. Reshaping the set of values#

Now in the interest of reshaping these sets of values by choosing F, we turn to agent 1’s problem.

42.4.3. Agent 1’s Problem#

Now we turn to agent 1, who solves

(42.19)#min{ut}t=0βt{xtRxt+utQutβθwt+1wt+1}

where {wt+1} satisfies wt+1=Kxt.

In other words, agent 1 minimizes

(42.20)#t=0βt{xt(RβθKK)xt+utQut}

subject to

(42.21)#xt+1=(A+CK)xt+But

Once again, the expression for the optimal policy can be found here — we denote it by F~.

42.4.4. Nash Equilibrium#

Clearly the F~ we have obtained depends on K, which, in agent 2’s problem, depended on an initial policy F.

Holding all other parameters fixed, we can represent this relationship as a mapping Φ, where

F~=Φ(K(F,θ))

The map FΦ(K(F,θ)) corresponds to a situation in which

  1. agent 1 uses an arbitrary initial policy F

  2. agent 2 best responds to agent 1 by choosing K(F,θ)

  3. agent 1 best responds to agent 2 by choosing F~=Φ(K(F,θ))

As you may have already guessed, the robust policy F^ defined in (42.7) is a fixed point of the mapping Φ.

In particular, for any given θ,

  1. K(F^,θ)=K^, where K^ is as given in (42.8)

  2. Φ(K^)=F^

A sketch of the proof is given in the appendix.

42.5. The Stochastic Case#

Now we turn to the stochastic case, where the sequence {wt} is treated as an iid sequence of random vectors.

In this setting, we suppose that our agent is uncertain about the conditional probability distribution of wt+1.

The agent takes the standard normal distribution N(0,I) as the baseline conditional distribution, while admitting the possibility that other “nearby” distributions prevail.

These alternative conditional distributions of wt+1 might depend nonlinearly on the history xs,st.

To implement this idea, we need a notion of what it means for one distribution to be near another one.

Here we adopt a very useful measure of closeness for distributions known as the relative entropy, or Kullback-Leibler divergence.

For densities p,q, the Kullback-Leibler divergence of q from p is defined as

DKL(p,q):=ln[p(x)q(x)]p(x)dx

Using this notation, we replace (42.3) with the stochastic analogue

(42.22)#J(x)=minumaxψP{xRx+uQu+β[J(Ax+Bu+Cw)ψ(dw)θDKL(ψ,ϕ)]}

Here P represents the set of all densities on Rn and ϕ is the benchmark distribution N(0,I).

The distribution ϕ is chosen as the least desirable conditional distribution in terms of next period outcomes, while taking into account the penalty term θDKL(ψ,ϕ).

This penalty term plays a role analogous to the one played by the deterministic penalty θww in (42.3), since it discourages large deviations from the benchmark.

42.5.1. Solving the Model#

The maximization problem in (42.22) appears highly nontrivial — after all, we are maximizing over an infinite dimensional space consisting of the entire set of densities.

However, it turns out that the solution is tractable, and in fact also falls within the class of normal distributions.

First, we note that J has the form J(x)=xPx+d for some positive definite matrix P and constant real number d.

Moreover, it turns out that if (Iθ1CPC)1 is nonsingular, then

(42.23)#maxψP{(Ax+Bu+Cw)P(Ax+Bu+Cw)ψ(dw)θDKL(ψ,ϕ)}=(Ax+Bu)D(P)(Ax+Bu)+κ(θ,P)

where

κ(θ,P):=θln[det(Iθ1CPC)1]

and the maximizer is the Gaussian distribution

(42.24)#ψ=N((θICPC)1CP(Ax+Bu),(Iθ1CPC)1)

Substituting the expression for the maximum into Bellman equation (42.22) and using J(x)=xPx+d gives

(42.25)#xPx+d=minu{xRx+uQu+β(Ax+Bu)D(P)(Ax+Bu)+β[d+κ(θ,P)]}

Since constant terms do not affect minimizers, the solution is the same as (42.6), leading to

xPx+d=xB(D(P))x+β[d+κ(θ,P)]

To solve this Bellman equation, we take P^ to be the positive definite fixed point of BD.

In addition, we take d^ as the real number solving d=β[d+κ(θ,P)], which is

(42.26)#d^:=β1βκ(θ,P)

The robust policy in this stochastic case is the minimizer in (42.25), which is once again u=F^x for F^ given by (42.7).

Substituting the robust policy into (42.24) we obtain the worst case shock distribution:

wt+1N(K^xt,(Iθ1CP^C)1)

where K^ is given by (42.8).

Note that the mean of the worst-case shock distribution is equal to the same worst-case wt+1 as in the earlier deterministic setting.

42.5.2. Computing Other Quantities#

Before turning to implementation, we briefly outline how to compute several other quantities of interest.

42.5.2.1. Worst-Case Value of a Policy#

One thing we will be interested in doing is holding a policy fixed and computing the discounted loss associated with that policy.

So let F be a given policy and let JF(x) be the associated loss, which, by analogy with (42.22), satisfies

JF(x)=maxψP{x(R+FQF)x+β[JF((ABF)x+Cw)ψ(dw)θDKL(ψ,ϕ)]}

Writing JF(x)=xPFx+dF and applying the same argument used to derive (42.23) we get

xPFx+dF=x(R+FQF)x+β[x(ABF)D(PF)(ABF)x+dF+κ(θ,PF)]

To solve this we take PF to be the fixed point

PF=R+FQF+β(ABF)D(PF)(ABF)

and

(42.27)#dF:=β1βκ(θ,PF)=β1βθln[det(Iθ1CPFC)1]

If you skip ahead to the appendix, you will be able to verify that PF is the solution to the Bellman equation in agent 2’s problem discussed above — we use this in our computations.

42.6. Implementation#

The QuantEcon.jl package provides a type called RBLQ for implementation of robust LQ optimal control.

The code can be found on GitHub.

Here is a brief description of the methods of the type

  • d_operator() and b_operator() implement D and B respectively

  • robust_rule() and robust_rule_simple() both solve for the triple F^,K^,P^, as described in equations (42.7)(42.8) and the surrounding discussion

    • robust_rule() is more efficient

    • robust_rule_simple() is more transparent and easier to follow

  • K_to_F() and F_to_K() solve the decision problems of agent 1 and agent 2 respectively

  • compute_deterministic_entropy() computes the left-hand side of (42.13)

  • evaluate_F() computes the loss and entropy associated with a given policy — see this discussion

42.7. Application#

Let us consider a monopolist similar to this one, but now facing model uncertainty.

The inverse demand function is pt=a0a1yt+dt

where

dt+1=ρdt+σdwt+1,{wt}iidN(0,1)

and all parameters are strictly positive.

The period return function for the monopolist is

rt=ptytγ(yt+1yt)22cyt

Its objective is to maximize expected discounted profits, or, equivalently, to minimize Et=0βt(rt).

To form a linear regulator problem, we take the state and control to be

xt=[1ytdt]andut=yt+1yt

Setting b:=(a0c)/2 we define

R=[0b0ba11/201/20]andQ=γ/2

For the transition matrices we set

A=[10001000ρ],B=[010],C=[00σd]

Our aim is to compute the value-entropy correspondences shown above.

The parameters are

a0=100,a1=0.5,ρ=0.9,σd=0.05,β=0.95,c=2,γ=50.0

The standard normal distribution for wt is understood as the agent’s baseline, with uncertainty parameterized by θ.

We compute value-entropy correspondences for two policies.

  1. The no concern for robustness policy F0, which is the ordinary LQ loss minimizer.

  2. A “moderate” concern for robustness policy Fb, with θ=0.02.

The code for producing the graph shown above, with blue being for the robust policy, is as follows

using QuantEcon, Plots, LinearAlgebra, Interpolations

# model parameters
a_0 = 100
a_1 = 0.5
rho = 0.9
sigma_d = 0.05
beta = 0.95
c = 2
gamma = 50.0
theta = 0.002
ac = (a_0 - c) / 2.0

# Define LQ matrices
R = [0 ac 0;
     ac -a_1 0.5;
     0.0 0.5 0]
R = -R  # For minimization
Q = Matrix([gamma / 2.0]')
A = [1.0 0.0 0.0;
     0.0 1.0 0.0;
     0.0 0.0 rho]
B = [0.0 1.0 0.0]'
C = [0.0 0.0 sigma_d]'

## Functions

function evaluate_policy(theta, F)
    rlq = RBLQ(Q, R, A, B, C, beta, theta)
    K_F, P_F, d_F, O_F, o_F = evaluate_F(rlq, F)
    x0 = [1.0 0.0 0.0]'
    value = -x0' * P_F * x0 .- d_F
    entropy = x0' * O_F * x0 .+ o_F
    return value[1], entropy[1]    # return scalars
end

function value_and_entropy(emax, F, bw, grid_size = 1000)
    if lowercase(bw) == "worst"
        thetas = 1 ./ range(1e-8, 1000, length = grid_size)
    else
        thetas = -1 ./ range(1e-8, 1000, length = grid_size)
    end

    data = zeros(grid_size, 2)

    for (i, theta) in enumerate(thetas)
        data[i, :] = collect(evaluate_policy(theta, F))
        if data[i, 2] >= emax      # stop at this entropy level
            data = data[1:i, :]
            break
        end
    end
    return data
end

## Main

# compute optimal rule
optimal_lq = QuantEcon.LQ(Q, R, A, B, C, zero(B'A), bet = beta)
Po, Fo, Do = stationary_values(optimal_lq)

# compute robust rule for our theta
baseline_robust = RBLQ(Q, R, A, B, C, beta, theta)
Fb, Kb, Pb = robust_rule(baseline_robust)

# Check the positive definiteness of worst-case covariance matrix to
# ensure that theta exceeds the breakdown point
test_matrix = I - (C' * Pb * C ./ theta)[1]
eigenvals, eigenvecs = eigen(test_matrix)
@assert all(x -> x >= 0, eigenvals)

emax = 1.6e6

# compute values and entropies
optimal_best_case = value_and_entropy(emax, Fo, "best")
robust_best_case = value_and_entropy(emax, Fb, "best")
optimal_worst_case = value_and_entropy(emax, Fo, "worst")
robust_worst_case = value_and_entropy(emax, Fb, "worst")

# we reverse order of "worst_case"s so values are ascending
data_pairs = ((optimal_best_case, optimal_worst_case),
              (robust_best_case, robust_worst_case))

egrid = range(0, emax, length = 100)
egrid_data = []
for data_pair in data_pairs
    for data in data_pair
        x, y = data[:, 2], data[:, 1]
        curve = LinearInterpolation(x, y, extrapolation_bc = Line())
        push!(egrid_data, curve.(egrid))
    end
end
plot(egrid, egrid_data, color = [:red :red :blue :blue])
plot!(egrid, egrid_data[1], fillrange = egrid_data[2],
      fillcolor = :red, fillalpha = 0.1, color = :red, legend = :none)
plot!(egrid, egrid_data[3], fillrange = egrid_data[4],
      fillcolor = :blue, fillalpha = 0.1, color = :blue, legend = :none)
plot!(xlabel = "Entropy", ylabel = "Value")

Here’s another such figure, with θ=0.002 instead of 0.02

../_images/kg_small_theta.png

Can you explain the different shape of the value-entropy correspondence for the robust policy?

42.8. Appendix#

We sketch the proof only of the first claim in this section, which is that, for any given θ, K(F^,θ)=K^, where K^ is as given in (42.8).

This is the content of the next lemma.

Lemma. If P^ is the fixed point of the map BD and F^ is the robust policy as given in (42.7), then

(42.28)#K(F^,θ)=(θICP^C)1CP^(ABF^)

Proof: As a first step, observe that when F=F^, the Bellman equation associated with the LQ problem (42.11)(42.12) is

(42.29)#P~=RF^QF^β2(ABF^)P~C(βθI+βCP~C)1CP~(ABF^)+β(ABF^)P~(ABF^)

(revisit this discussion if you don’t know where (42.29) comes from) and the optimal policy is

wt+1=β(βθI+βCP~C)1CP~(ABF^)xt

Suppose for a moment that P^ solves the Bellman equation (42.29).

In this case the policy becomes

wt+1=(θICP^C)1CP^(ABF^)xt

which is exactly the claim in (42.28).

Hence it remains only to show that P^ solves (42.29), or, in other words,

P^=R+F^QF^+β(ABF^)P^C(θICP^C)1CP^(ABF^)+β(ABF^)P^(ABF^)

Using the definition of D, we can rewrite the right-hand side more simply as

R+F^QF^+β(ABF^)D(P^)(ABF^)

Although it involves a substantial amount of algebra, it can be shown that the latter is just P^.

(Hint: Use the fact that P^=B(D(P^)))