17. Eigenvalues and Eigenvectors#

17.1. Overview#

Eigenvalues and eigenvectors are a relatively advanced topic in linear algebra.

At the same time, these concepts are extremely useful for

  • economic modeling (especially dynamics!)

  • statistics

  • some parts of applied mathematics

  • machine learning

  • and many other fields of science.

In this lecture we explain the basics of eigenvalues and eigenvectors and introduce the Neumann Series Lemma.

We assume in this lecture that students are familiar with matrices and understand the basics of matrix algebra.

We will use the following imports:

import matplotlib.pyplot as plt
import numpy as np
from numpy.linalg import matrix_power
from matplotlib.lines import Line2D
from matplotlib.patches import FancyArrowPatch
from mpl_toolkits.mplot3d import proj3d

17.2. Matrices as transformations#

Let’s start by discussing an important concept concerning matrices.

17.2.1. Mapping vectors to vectors#

One way to think about a matrix is as a rectangular collection of numbers.

Another way to think about a matrix is as a map (i.e., as a function) that transforms vectors to new vectors.

To understand the second point of view, suppose we multiply an n×mn \times m matrix AA with an m×1m \times 1 column vector xx to obtain an n×1n \times 1 column vector yy:

Ax=y Ax = y

If we fix AA and consider different choices of xx, we can understand AA as a map transforming xx to AxAx.

Because AA is n×mn \times m, it transforms mm-vectors to nn-vectors.

We can write this formally as A ⁣:RmRnA \colon \mathbb{R}^m \rightarrow \mathbb{R}^n.

You might argue that if AA is a function then we should write A(x)=yA(x) = y rather than Ax=yAx = y but the second notation is more conventional.

17.2.2. Square matrices#

Let’s restrict our discussion to square matrices.

In the above discussion, this means that m=nm=n and AA maps Rn\mathbb R^n to itself.

This means AA is an n×nn \times n matrix that maps (or “transforms”) a vector xx in Rn\mathbb{R}^n to a new vector y=Axy=Ax also in Rn\mathbb{R}^n.

Example 17.1

[2111][13]=[52] \begin{bmatrix} 2 & 1 \\ -1 & 1 \end{bmatrix} \begin{bmatrix} 1 \\ 3 \end{bmatrix} = \begin{bmatrix} 5 \\ 2 \end{bmatrix}

Here, the matrix

A=[2111] A = \begin{bmatrix} 2 & 1 \\ -1 & 1 \end{bmatrix}

transforms the vector x=[13]x = \begin{bmatrix} 1 \\ 3 \end{bmatrix} to the vector y=[52]y = \begin{bmatrix} 5 \\ 2 \end{bmatrix}.

Let’s visualize this using Python:

A = np.array([[2,  1],
              [-1, 1]])
from math import sqrt

fig, ax = plt.subplots()
# Set the axes through the origin

for spine in ['left', 'bottom']:
    ax.spines[spine].set_position('zero')
for spine in ['right', 'top']:
    ax.spines[spine].set_color('none')

ax.set(xlim=(-2, 6), ylim=(-2, 4), aspect=1)

vecs = ((1, 3), (5, 2))
c = ['r', 'black']
for i, v in enumerate(vecs):
    ax.annotate('', xy=v, xytext=(0, 0),
                arrowprops=dict(color=c[i],
                shrink=0,
                alpha=0.7,
                width=0.5))

ax.text(0.2 + 1, 0.2 + 3, 'x=$(1,3)$')
ax.text(0.2 + 5, 0.2 + 2, 'Ax=$(5,2)$')

ax.annotate('', xy=(sqrt(10/29) * 5, sqrt(10/29) * 2), xytext=(0, 0),
            arrowprops=dict(color='purple',
                            shrink=0,
                            alpha=0.7,
                            width=0.5))

ax.annotate('', xy=(1, 2/5), xytext=(1/3, 1),
            arrowprops={'arrowstyle': '->',
                        'connectionstyle': 'arc3,rad=-0.3'},
            horizontalalignment='center')
ax.text(0.8, 0.8, f'θ', fontsize=14)

plt.show()
_images/d3bb0c6c3c47a24c7b9fa71daf9b33dd654a6f2f973352ea0af35eab551bc0a0.png

One way to understand this transformation is that AA

  • first rotates xx by some angle θ\theta and

  • then scales it by some scalar γ\gamma to obtain the image yy of xx.

17.3. Types of transformations#

Let’s examine some standard transformations we can perform with matrices.

Below we visualize transformations by thinking of vectors as points instead of arrows.

We consider how a given matrix transforms

  • a grid of points and

  • a set of points located on the unit circle in R2\mathbb{R}^2.

To build the transformations we will use two functions, called grid_transform and circle_transform.

Each of these functions visualizes the actions of a given 2×22 \times 2 matrix AA.

Hide code cell source
def colorizer(x, y):
    r = min(1, 1-y/3)
    g = min(1, 1+y/3)
    b = 1/4 + x/16
    return (r, g, b)


def grid_transform(A=np.array([[1, -1], [1, 1]])):
    xvals = np.linspace(-4, 4, 9)
    yvals = np.linspace(-3, 3, 7)
    xygrid = np.column_stack([[x, y] for x in xvals for y in yvals])
    uvgrid = A @ xygrid

    colors = list(map(colorizer, xygrid[0], xygrid[1]))

    fig, ax = plt.subplots(1, 2, figsize=(10, 5))

    for axes in ax:
        axes.set(xlim=(-11, 11), ylim=(-11, 11))
        axes.set_xticks([])
        axes.set_yticks([])
        for spine in ['left', 'bottom']:
            axes.spines[spine].set_position('zero')
        for spine in ['right', 'top']:
            axes.spines[spine].set_color('none')

    # Plot x-y grid points
    ax[0].scatter(xygrid[0], xygrid[1], s=36, c=colors, edgecolor="none")
    # ax[0].grid(True)
    # ax[0].axis("equal")
    ax[0].set_title("points $x_1, x_2, \cdots, x_k$")

    # Plot transformed grid points
    ax[1].scatter(uvgrid[0], uvgrid[1], s=36, c=colors, edgecolor="none")
    # ax[1].grid(True)
    # ax[1].axis("equal")
    ax[1].set_title("points $Ax_1, Ax_2, \cdots, Ax_k$")

    plt.show()


def circle_transform(A=np.array([[-1, 2], [0, 1]])):

    fig, ax = plt.subplots(1, 2, figsize=(10, 5))

    for axes in ax:
        axes.set(xlim=(-4, 4), ylim=(-4, 4))
        axes.set_xticks([])
        axes.set_yticks([])
        for spine in ['left', 'bottom']:
            axes.spines[spine].set_position('zero')
        for spine in ['right', 'top']:
            axes.spines[spine].set_color('none')

    θ = np.linspace(0, 2 * np.pi, 150)
    r = 1

    θ_1 = np.empty(12)
    for i in range(12):
        θ_1[i] = 2 * np.pi * (i/12)

    x = r * np.cos(θ)
    y = r * np.sin(θ)
    a = r * np.cos(θ_1)
    b = r * np.sin(θ_1)
    a_1 = a.reshape(1, -1)
    b_1 = b.reshape(1, -1)
    colors = list(map(colorizer, a, b))
    ax[0].plot(x, y, color='black', zorder=1)
    ax[0].scatter(a_1, b_1, c=colors, alpha=1, s=60,
                  edgecolors='black', zorder=2)
    ax[0].set_title(r"unit circle in $\mathbb{R}^2$")

    x1 = x.reshape(1, -1)
    y1 = y.reshape(1, -1)
    ab = np.concatenate((a_1, b_1), axis=0)
    transformed_ab = A @ ab
    transformed_circle_input = np.concatenate((x1, y1), axis=0)
    transformed_circle = A @ transformed_circle_input
    ax[1].plot(transformed_circle[0, :],
               transformed_circle[1, :], color='black', zorder=1)
    ax[1].scatter(transformed_ab[0, :], transformed_ab[1:,],
                  color=colors, alpha=1, s=60, edgecolors='black', zorder=2)
    ax[1].set_title("transformed circle")

    plt.show()
<>:31: SyntaxWarning: invalid escape sequence '\c'
<>:37: SyntaxWarning: invalid escape sequence '\c'
<>:31: SyntaxWarning: invalid escape sequence '\c'
<>:37: SyntaxWarning: invalid escape sequence '\c'
/tmp/ipykernel_7637/2923067778.py:31: SyntaxWarning: invalid escape sequence '\c'
  ax[0].set_title("points $x_1, x_2, \cdots, x_k$")
/tmp/ipykernel_7637/2923067778.py:37: SyntaxWarning: invalid escape sequence '\c'
  ax[1].set_title("points $Ax_1, Ax_2, \cdots, Ax_k$")

17.3.1. Scaling#

A matrix of the form

[α00β] \begin{bmatrix} \alpha & 0 \\ 0 & \beta \end{bmatrix}

scales vectors across the x-axis by a factor α\alpha and along the y-axis by a factor β\beta.

Here we illustrate a simple example where α=β=3\alpha = \beta = 3.

A = np.array([[3, 0],  # scaling by 3 in both directions
              [0, 3]])
grid_transform(A)
circle_transform(A)
_images/d4bae5462c2d69aba3028c1040e93478996782b5917d473224e9d662da7d8986.png _images/6795990036e49367c4cec43dd5e5dc941f22396c9e63706c145e60547939dc4b.png

17.3.2. Shearing#

A “shear” matrix of the form

[1λ01] \begin{bmatrix} 1 & \lambda \\ 0 & 1 \end{bmatrix}

stretches vectors along the x-axis by an amount proportional to the y-coordinate of a point.

A = np.array([[1, 2],     # shear along x-axis
              [0, 1]])
grid_transform(A)
circle_transform(A)
_images/54ec1604acf417fd2d968dac3f8fbbf07696d9214956a50fb39f3639953ad843.png _images/2d9dc17ece45c4ced95b72fce59a7b960511be379b9b5c2b09a0f5fdfaee3f50.png

17.3.3. Rotation#

A matrix of the form

[cosθsinθsinθcosθ] \begin{bmatrix} \cos \theta & \sin \theta \\ - \sin \theta & \cos \theta \end{bmatrix}

is called a rotation matrix.

This matrix rotates vectors clockwise by an angle θ\theta.

θ = np.pi/4  # 45 degree clockwise rotation
A = np.array([[np.cos(θ), np.sin(θ)],
              [-np.sin(θ), np.cos(θ)]])
grid_transform(A)
_images/364b3fdf6920c9bc4603c684b6f4f63ffdbcffa0e9f55efa46dfd24f33db6730.png

17.3.4. Permutation#

The permutation matrix

[0110] \begin{bmatrix} 0 & 1 \\ 1 & 0 \end{bmatrix}

interchanges the coordinates of a vector.

A = np.column_stack([[0, 1], [1, 0]])
grid_transform(A)
_images/81b63974f3e3e8b1116ac117221e2776b6bc552c0b4faaec243b503de9ecf5e4.png

More examples of common transition matrices can be found here.

17.4. Matrix multiplication as composition#

Since matrices act as functions that transform one vector to another, we can apply the concept of function composition to matrices as well.

17.4.1. Linear compositions#

Consider the two matrices

A=[0110]andB=[1201] A = \begin{bmatrix} 0 & 1 \\ -1 & 0 \end{bmatrix} \quad \text{and} \quad B = \begin{bmatrix} 1 & 2 \\ 0 & 1 \end{bmatrix}

What will the output be when we try to obtain ABxABx for some 2×12 \times 1 vector xx?

[0110]A[1201]B[13]x[0112]AB[13]x[37]y \color{red}{\underbrace{ \color{black}{\begin{bmatrix} 0 & 1 \\ -1 & 0 \end{bmatrix}} }_{\textstyle A} } \color{red}{\underbrace{ \color{black}{\begin{bmatrix} 1 & 2 \\ 0 & 1 \end{bmatrix}} }_{\textstyle B}} \color{red}{\overbrace{ \color{black}{\begin{bmatrix} 1 \\ 3 \end{bmatrix}} }^{\textstyle x}} \rightarrow \color{red}{\underbrace{ \color{black}{\begin{bmatrix} 0 & 1 \\ -1 & -2 \end{bmatrix}} }_{\textstyle AB}} \color{red}{\overbrace{ \color{black}{\begin{bmatrix} 1 \\ 3 \end{bmatrix}} }^{\textstyle x}} \rightarrow \color{red}{\overbrace{ \color{black}{\begin{bmatrix} 3 \\ -7 \end{bmatrix}} }^{\textstyle y}}
[0110]A[1201]B[13]x[0110]A[73]Bx[37]y \color{red}{\underbrace{ \color{black}{\begin{bmatrix} 0 & 1 \\ -1 & 0 \end{bmatrix}} }_{\textstyle A} } \color{red}{\underbrace{ \color{black}{\begin{bmatrix} 1 & 2 \\ 0 & 1 \end{bmatrix}} }_{\textstyle B}} \color{red}{\overbrace{ \color{black}{\begin{bmatrix} 1 \\ 3 \end{bmatrix}} }^{\textstyle x}} \rightarrow \color{red}{\underbrace{ \color{black}{\begin{bmatrix} 0 & 1 \\ -1 & 0 \end{bmatrix}} }_{\textstyle A}} \color{red}{\overbrace{ \color{black}{\begin{bmatrix} 7 \\ 3 \end{bmatrix}} }^{\textstyle Bx}} \rightarrow \color{red}{\overbrace{ \color{black}{\begin{bmatrix} 3 \\ -7 \end{bmatrix}} }^{\textstyle y}}

We can observe that applying the transformation ABAB on the vector xx is the same as first applying BB on xx and then applying AA on the vector BxBx.

Thus the matrix product ABAB is the composition of the matrix transformations AA and BB

This means first apply transformation BB and then transformation AA.

When we matrix multiply an n×mn \times m matrix AA with an m×km \times k matrix BB the obtained matrix product is an n×kn \times k matrix ABAB.

Thus, if AA and BB are transformations such that A ⁣:RmRnA \colon \mathbb{R}^m \to \mathbb{R}^n and B ⁣:RkRmB \colon \mathbb{R}^k \to \mathbb{R}^m, then ABAB transforms Rk\mathbb{R}^k to Rn\mathbb{R}^n.

Viewing matrix multiplication as composition of maps helps us understand why, under matrix multiplication, ABAB is generally not equal to BABA.

(After all, when we compose functions, the order usually matters.)

17.4.2. Examples#

Let AA be the 9090^{\circ} clockwise rotation matrix given by [0110]\begin{bmatrix} 0 & 1 \\ -1 & 0 \end{bmatrix} and let BB be a shear matrix along the x-axis given by [1201]\begin{bmatrix} 1 & 2 \\ 0 & 1 \end{bmatrix}.

We will visualize how a grid of points changes when we apply the transformation ABAB and then compare it with the transformation BABA.

Hide code cell source
def grid_composition_transform(A=np.array([[1, -1], [1, 1]]),
                               B=np.array([[1, -1], [1, 1]])):
    xvals = np.linspace(-4, 4, 9)
    yvals = np.linspace(-3, 3, 7)
    xygrid = np.column_stack([[x, y] for x in xvals for y in yvals])
    uvgrid = B @ xygrid
    abgrid = A @ uvgrid

    colors = list(map(colorizer, xygrid[0], xygrid[1]))

    fig, ax = plt.subplots(1, 3, figsize=(15, 5))

    for axes in ax:
        axes.set(xlim=(-12, 12), ylim=(-12, 12))
        axes.set_xticks([])
        axes.set_yticks([])
        for spine in ['left', 'bottom']:
            axes.spines[spine].set_position('zero')
        for spine in ['right', 'top']:
            axes.spines[spine].set_color('none')

    # Plot grid points
    ax[0].scatter(xygrid[0], xygrid[1], s=36, c=colors, edgecolor="none")
    ax[0].set_title(r"points $x_1, x_2, \cdots, x_k$")

    # Plot intermediate grid points
    ax[1].scatter(uvgrid[0], uvgrid[1], s=36, c=colors, edgecolor="none")
    ax[1].set_title(r"points $Bx_1, Bx_2, \cdots, Bx_k$")

    # Plot transformed grid points
    ax[2].scatter(abgrid[0], abgrid[1], s=36, c=colors, edgecolor="none")
    ax[2].set_title(r"points $ABx_1, ABx_2, \cdots, ABx_k$")

    plt.show()
A = np.array([[0, 1],     # 90 degree clockwise rotation
              [-1, 0]])
B = np.array([[1, 2],     # shear along x-axis
              [0, 1]])

17.4.2.1. Shear then rotate#

grid_composition_transform(A, B)  # transformation AB
_images/adee0da2102e36fdcd687437bb4df486ea848757ddf07ec57dcd3b044a28c0d0.png

17.4.2.2. Rotate then shear#

grid_composition_transform(B,A)         # transformation BA
_images/55e554fd496798e0b0a7d5a1aad4da13788806f48dcaf4702886c91af60caef6.png

It is evident that the transformation ABAB is not the same as the transformation BABA.

17.5. Iterating on a fixed map#

In economics (and especially in dynamic modeling), we are often interested in analyzing behavior where we repeatedly apply a fixed matrix.

For example, given a vector vv and a matrix AA, we are interested in studying the sequence

v,Av,AAv=A2v, v, \quad Av, \quad AAv = A^2v, \quad \ldots

Let’s first see examples of a sequence of iterates (Akv)k0(A^k v)_{k \geq 0} under different maps AA.

def plot_series(A, v, n):

    B = np.array([[1, -1],
                  [1, 0]])

    fig, ax = plt.subplots()

    ax.set(xlim=(-4, 4), ylim=(-4, 4))
    ax.set_xticks([])
    ax.set_yticks([])
    for spine in ['left', 'bottom']:
        ax.spines[spine].set_position('zero')
    for spine in ['right', 'top']:
        ax.spines[spine].set_color('none')

    θ = np.linspace(0, 2 * np.pi, 150)
    r = 2.5
    x = r * np.cos(θ)
    y = r * np.sin(θ)
    x1 = x.reshape(1, -1)
    y1 = y.reshape(1, -1)
    xy = np.concatenate((x1, y1), axis=0)

    ellipse = B @ xy
    ax.plot(ellipse[0, :], ellipse[1, :], color='black',
            linestyle=(0, (5, 10)), linewidth=0.5)

    # Initialize holder for trajectories
    colors = plt.cm.rainbow(np.linspace(0, 1, 20))

    for i in range(n):
        iteration = matrix_power(A, i) @ v
        v1 = iteration[0]
        v2 = iteration[1]
        ax.scatter(v1, v2, color=colors[i])
        if i == 0:
            ax.text(v1+0.25, v2, f'$v$')
        elif i == 1:
            ax.text(v1+0.25, v2, f'$Av$')
        elif 1 < i < 4:
            ax.text(v1+0.25, v2, f'$A^{i}v$')
    plt.show()
A = np.array([[sqrt(3) + 1, -2],
              [1, sqrt(3) - 1]])
A = (1/(2*sqrt(2))) * A
v = (-3, -3)
n = 12

plot_series(A, v, n)
_images/9ced777f16d19e89fb2bc2aaa592659dc2d2fb14b60505c9f381706515c0eb8e.png

Here with each iteration the vectors get shorter, i.e., move closer to the origin.

In this case, repeatedly multiplying a vector by AA makes the vector “spiral in”.

B = np.array([[sqrt(3) + 1, -2],
              [1, sqrt(3) - 1]])
B = (1/2) * B
v = (2.5, 0)
n = 12

plot_series(B, v, n)
_images/b972eb0c72f8cd89ea3c6a033b580b58756f65903acbb44d6f8cbe20567d186c.png

Here with each iteration vectors do not tend to get longer or shorter.

In this case, repeatedly multiplying a vector by AA simply “rotates it around an ellipse”.

B = np.array([[sqrt(3) + 1, -2],
              [1, sqrt(3) - 1]])
B = (1/sqrt(2)) * B
v = (-1, -0.25)
n = 6

plot_series(B, v, n)
_images/122313210dbad73aa3c02ac616d43c0a96407a0f275e99c4b9fca65bc5ec7009.png

Here with each iteration vectors tend to get longer, i.e., farther from the origin.

In this case, repeatedly multiplying a vector by AA makes the vector “spiral out”.

We thus observe that the sequence (Akv)k0(A^kv)_{k \geq 0} behaves differently depending on the map AA itself.

We now discuss the property of A that determines this behavior.

17.6. Eigenvalues#

In this section we introduce the notions of eigenvalues and eigenvectors.

17.6.1. Definitions#

Let AA be an n×nn \times n square matrix.

If λ\lambda is scalar and vv is a non-zero nn-vector such that

Av=λv. A v = \lambda v.

Then we say that λ\lambda is an eigenvalue of AA, and vv is the corresponding eigenvector.

Thus, an eigenvector of AA is a nonzero vector vv such that when the map AA is applied, vv is merely scaled.

The next figure shows two eigenvectors (blue arrows) and their images under AA (red arrows).

As expected, the image AvAv of each vv is just a scaled version of the original

from numpy.linalg import eig

A = [[1, 2],
     [2, 1]]
A = np.array(A)
evals, evecs = eig(A)
evecs = evecs[:, 0], evecs[:, 1]

fig, ax = plt.subplots(figsize=(10, 8))
# Set the axes through the origin
for spine in ['left', 'bottom']:
    ax.spines[spine].set_position('zero')
for spine in ['right', 'top']:
    ax.spines[spine].set_color('none')
# ax.grid(alpha=0.4)

xmin, xmax = -3, 3
ymin, ymax = -3, 3
ax.set(xlim=(xmin, xmax), ylim=(ymin, ymax))

# Plot each eigenvector
for v in evecs:
    ax.annotate('', xy=v, xytext=(0, 0),
                arrowprops=dict(facecolor='blue',
                shrink=0,
                alpha=0.6,
                width=0.5))

# Plot the image of each eigenvector
for v in evecs:
    v = A @ v
    ax.annotate('', xy=v, xytext=(0, 0),
                arrowprops=dict(facecolor='red',
                shrink=0,
                alpha=0.6,
                width=0.5))

# Plot the lines they run through
x = np.linspace(xmin, xmax, 3)
for v in evecs:
    a = v[1] / v[0]
    ax.plot(x, a * x, 'b-', lw=0.4)

plt.show()
_images/0531df3bf96c979cf62b7500e7710078212808638a52ba17b6936e5353fd5358.png

17.6.2. Complex values#

So far our definition of eigenvalues and eigenvectors seems straightforward.

There is one complication we haven’t mentioned yet:

When solving Av=λvAv = \lambda v,

  • λ\lambda is allowed to be a complex number and

  • vv is allowed to be an nn-vector of complex numbers.

We will see some examples below.

17.6.3. Some mathematical details#

We note some mathematical details for more advanced readers.

(Other readers can skip to the next section.)

The eigenvalue equation is equivalent to (AλI)v=0(A - \lambda I) v = 0.

This equation has a nonzero solution vv only when the columns of AλIA - \lambda I are linearly dependent.

This in turn is equivalent to stating the determinant is zero.

Hence, to find all eigenvalues, we can look for λ\lambda such that the determinant of AλIA - \lambda I is zero.

This problem can be expressed as one of solving for the roots of a polynomial in λ\lambda of degree nn.

This in turn implies the existence of nn solutions in the complex plane, although some might be repeated.

17.6.4. Facts#

Some nice facts about the eigenvalues of a square matrix AA are as follows:

  1. the determinant of AA equals the product of the eigenvalues

  2. the trace of AA (the sum of the elements on the principal diagonal) equals the sum of the eigenvalues

  3. if AA is symmetric, then all of its eigenvalues are real

  4. if AA is invertible and λ1,,λn\lambda_1, \ldots, \lambda_n are its eigenvalues, then the eigenvalues of A1A^{-1} are 1/λ1,,1/λn1/\lambda_1, \ldots, 1/\lambda_n.

A corollary of the last statement is that a matrix is invertible if and only if all its eigenvalues are nonzero.

17.6.5. Computation#

Using NumPy, we can solve for the eigenvalues and eigenvectors of a matrix as follows

from numpy.linalg import eig

A = ((1, 2),
     (2, 1))

A = np.array(A)
evals, evecs = eig(A)
evals  # eigenvalues
array([ 3., -1.])
evecs  # eigenvectors
array([[ 0.70710678, -0.70710678],
       [ 0.70710678,  0.70710678]])

Note that the columns of evecs are the eigenvectors.

Since any scalar multiple of an eigenvector is an eigenvector with the same eigenvalue (which can be verified), the eig routine normalizes the length of each eigenvector to one.

The eigenvectors and eigenvalues of a map AA determine how a vector vv is transformed when we repeatedly multiply by AA.

This is discussed further later.

17.7. The Neumann Series Lemma#

In this section we present a famous result about series of matrices that has many applications in economics.

17.7.1. Scalar series#

Here’s a fundamental result about series:

If aa is a number and a<1|a| < 1, then

(17.1)#k=0ak=11a=(1a)1 \sum_{k=0}^{\infty} a^k =\frac{1}{1-a} = (1 - a)^{-1}

For a one-dimensional linear equation x=ax+bx = ax + b where x is unknown we can thus conclude that the solution xx^{*} is given by:

x=b1a=k=0akb x^{*} = \frac{b}{1-a} = \sum_{k=0}^{\infty} a^k b

17.7.2. Matrix series#

A generalization of this idea exists in the matrix setting.

Consider the system of equations x=Ax+bx = Ax + b where AA is an n×nn \times n square matrix and xx and bb are both column vectors in Rn\mathbb{R}^n.

Using matrix algebra we can conclude that the solution to this system of equations will be given by:

(17.2)#x=(IA)1b x^{*} = (I-A)^{-1}b

What guarantees the existence of a unique vector xx^{*} that satisfies (17.2)?

The following is a fundamental result in functional analysis that generalizes (17.1) to a multivariate case.

Theorem 17.1 (Neumann Series Lemma)

Let AA be a square matrix and let AkA^k be the kk-th power of AA.

Let r(A)r(A) be the spectral radius of AA, defined as maxiλi\max_i |\lambda_i|, where

  • {λi}i\{\lambda_i\}_i is the set of eigenvalues of AA and

  • λi|\lambda_i| is the modulus of the complex number λi\lambda_i

Neumann’s Theorem states the following: If r(A)<1r(A) < 1, then IAI - A is invertible, and

(IA)1=k=0Ak (I - A)^{-1} = \sum_{k=0}^{\infty} A^k

We can see the Neumann Series Lemma in action in the following example.

A = np.array([[0.4, 0.1],
              [0.7, 0.2]])

evals, evecs = eig(A)   # finding eigenvalues and eigenvectors

r = max(abs(λ) for λ in evals)    # compute spectral radius
print(r)
0.5828427124746189

The spectral radius r(A)r(A) obtained is less than 1.

Thus, we can apply the Neumann Series Lemma to find (IA)1(I-A)^{-1}.

I = np.identity(2)  # 2 x 2 identity matrix
B = I - A
B_inverse = np.linalg.inv(B)  # direct inverse method
A_sum = np.zeros((2, 2))  # power series sum of A
A_power = I
for i in range(50):
    A_sum += A_power
    A_power = A_power @ A

Let’s check equality between the sum and the inverse methods.

np.allclose(A_sum, B_inverse)
True

Although we truncate the infinite sum at k=50k = 50, both methods give us the same result which illustrates the result of the Neumann Series Lemma.

17.8. Exercises#

Exercise 17.1

Power iteration is a method for finding the greatest absolute eigenvalue of a diagonalizable matrix.

The method starts with a random vector b0b_0 and repeatedly applies the matrix AA to it

bk+1=AbkAbk b_{k+1}=\frac{A b_k}{\left\|A b_k\right\|}

A thorough discussion of the method can be found here.

In this exercise, first implement the power iteration method and use it to find the greatest absolute eigenvalue and its corresponding eigenvector.

Then visualize the convergence.

Exercise 17.2

We have discussed the trajectory of the vector vv after being transformed by AA.

Consider the matrix A=[1211]A = \begin{bmatrix} 1 & 2 \\ 1 & 1 \end{bmatrix} and the vector v=[22]v = \begin{bmatrix} 2 \\ -2 \end{bmatrix}.

Try to compute the trajectory of vv after being transformed by AA for n=4n=4 iterations and plot the result.

Exercise 17.3

Previously, we demonstrated the trajectory of the vector vv after being transformed by AA for three different matrices.

Use the visualization in the previous exercise to explain the trajectory of the vector vv after being transformed by AA for the three different matrices.