Author: Spencer Ammermon spencer.ammermon@gmail.com
Engineering Example: Daniel Free, daniel.free816@gmail.com
Many situations arise where an engineer must solve a linear equation of the form A→x=→b. In some cases, matrix A is in a special form (such as a Toeplitz, Vandermonde, or Hankel matrix) and →x can easily be solved for numerically. When these special forms do not apply to matrix A, one possibility is to factorize A=LU where L is a lower triangular matrix with ones on the diagonal and U is an upper diagonal matrix. The solution to A→x=→b can then be found without explicitly computing A−1→b.
When finding the factorization of an mxm matrix A, we also compute a permutation matrix P that represents pivoting in the factorization. We pivot in the factorization so that we always divide by large numbers to ensure numerical stability. The factorization then becomes PA=LU.
To compute matrices P, L, and U, begin with the original matrix A. The goal is to put matrix A in triangular form while maintaining numerical stability by pivoting to reduce the row with the largest element. Consider Dr. Beard's example matrix: A=[1−23−45−67−89]
A function that computes the permutation matrix is as follows:
import numpy as np
A = np.array([[1, -2, 3],
[-4, 5, -6],
[7, -8, 9]])
def permutationMatrix(n,col,Q): # n is number of rows and cols, Q is a matrix
# look down first column, find the largest value in magnitude
# create a permutation matrix with ones and zeros
P = np.identity(n)
max_index_in_col = np.argmax((np.abs(Q[col:,col:][:,0])))
# swap the col column with the max column
P[:,[col, max_index_in_col+col]] = P[:,[max_index_in_col+col, col]]
return P
P_13 = permutationMatrix(3,0,A)
print('First Permutation Matrix:\n',P_13)
First Permutation Matrix: [[0. 0. 1.] [0. 1. 0.] [1. 0. 0.]]
The next step is to zero out rows 2 and 3 in column 1 by dividing by the value in A[1,1]. This is done by finding an elementary matrix that is an identity matrix with a first column that will zero out the first column of P1,3A when multiplied. To find E1, start with an identity matrix and then copy the first column of P1,3A to the first column of the identity matrix, and then multiply column 1 by −1P1,3A[1,1]. This leads to: E1P1,3A=[1004710−1701][001010100][1−23−45−67−89]=[7−8900.4286−0.85710−0.85711.7143]
The elementary matrices can be found with the function "zeroOutColumn(n,col,Q)" found below:
def zeroOutColumn(n,col,Q):
E = np.identity(n) # start out with an identity matrix
divisor = -1*Q[col][col] # divisor is the first element in the matrix
size = len(Q[col:,col:])
for i in range(size-1):
# E[col:,col:] is a square submatrix of E
# Q[col:,col:] is a square submatrix of the input matrix Q
# Go through the first column and divide all elements after the first
# by the divisor
E[col:,col:][i+1][0] = Q[col:,col:][i+1][0]/divisor
return E
P_13 = permutationMatrix(3,0,A)
E_1 = zeroOutColumn(3,0,P_13 @ A)
res_1 = E_1 @ P_13 @ A
print('E_1:\n',np.round(E_1,4))
print('E_1@P_13@A:\n',np.round(res_1,4))
E_1: [[ 1. 0. 0. ] [ 0.5714 1. 0. ] [-0.1429 0. 1. ]] E_1@P_13@A: [[ 7. -8. 9. ] [-0. 0.4286 -0.8571] [ 0. -0.8571 1.7143]]
Utilizing the above code, I chose to solve for the remaining permutation and elementary matrices by looking at submatrices of A. Now that the first column contains a pivot, we can focus on the second column by looking at the submatrix starting at E1P1,3A[2,2]: E1P1,3A[2,2]=[0.4286−0.8571−0.85711.7143]
L can be computed with an intermediate step by first computing: V=P1,3E−11P2,3E−12,3
Finally, P can be computed as: P2,3P1,3=[001100010]=P
We now have all the components necessary to solve an equation of the form Ax=b using LU factorization. To put all the code together and create our own LU Factorization:
"""
Created on Tue Oct 27 10:28:34 2020
@author: sma
LU Factorization
"""
import numpy as np
A = np.array([[1, -2, 3],
[-4, 5, -6],
[7, -8, 9]])
def permutationMatrix(n,col,Q): # n is number of rows and cols, Q is a matrix
# look down first column, find the largest value in magnitude
# create a permutation matrix with ones and zeros
P = np.identity(n)
max_index_in_col = np.argmax((np.abs(Q[col:,col:][:,0])))
# flip the col column with the max column
P[:,[col, max_index_in_col+col]] = P[:,[max_index_in_col+col, col]]
return P
def zeroOutColumn(n,col,Q):
E = np.identity(n) # start out with an identity matrix
divisor = -1*Q[col][col] # divisor is the first element in the matrix
size = len(Q[col:,col:])
for i in range(size-1):
# E[col:,col:] is a square submatrix of E
# Q[col:,col:] is a square submatrix of the input matrix Q
# Go through the first column and divide all elements after the first
# by the divisor
E[col:,col:][i+1][0] = Q[col:,col:][i+1][0]/divisor
return E
def myLUFactorization(A):
n = len(A) # all matrices for LU must be n x n
P = []
E = []
U = np.zeros((n,n))
for i in range(n-1):
P.append(permutationMatrix(n,i,A)) # Save the permutation matrices
E.append(zeroOutColumn(n,i,P[i] @ A)) # Save the zeroing matrices
U = E[i] @ P[i] @ A
A = U
V_prev = P[0]@np.linalg.inv(E[0])
V = np.zeros((n,n))
for j in range(len(P)-1):
V = V_prev @ P[j+1] @ np.linalg.inv(E[j+1])
V_prev = V
permutation_prev = P[0]
for k in range(len(P)-1): #counting down
permutation = P[k+1] @ permutation_prev
permutation_prev = permutation
L = permutation @ V
return permutation, L, U #P,L,U
myP, myL, myU = myLUFactorization(A)
print('myP:\n',np.round(myP,4))
print('myL:\n',np.round(myL,4))
print('myU:\n',np.round(myU,4))
myP: [[0. 0. 1.] [1. 0. 0.] [0. 1. 0.]] myL: [[ 1. 0. 0. ] [ 0.1429 1. 0. ] [-0.5714 -0.5 1. ]] myU: [[ 7. -8. 9. ] [ 0. -0.8571 1.7143] [-0. 0. 0. ]]
We should first check that PA=LU
print(myP@A,)
print('\n')
print(myL@myU)
[[ 7. -8. 9.] [ 1. -2. 3.] [-4. 5. -6.]] [[ 7. -8. 9.] [ 1. -2. 3.] [-4. 5. -6.]]
Success! We can now solve an equation in the form A→x=→b. Suppose →b=[101112]
We then write A→x=→b
Let's start with L→y=P→b by solving for →y with →y=L−1P→b
import scipy.linalg
b = np.array([[1],
[2],
[3]])
y = np.linalg.pinv(myL) @ myP @ b
print(y)
[[3. ] [0.57142857] [4. ]]
Now we can solve U→x=→y for →x numerically by using →x=U−1→y
x = np.linalg.pinv(myU) @ y
print('x =\n',x)
x = [[-0.05555556] [-0.11111111] [ 0.27777778]]
Suppose you are sending data, in this case an image, but it has been encrypted or scrambled in some way. Through other techniques, you have determined the matrix that can help unscramble the image, given in the form Ax=b. However, this matrix applies only to a 50x50 grid of pixels at a time (i.e. b is the 50x50 matrix of pixel values reshaped into a single vector of length 2500). This means that the matrix A is 2500x2500 and an explicit inverse could be costly. Instead, lets do the LU factorization and use forward and backward substitution to resolve the image. The code below loads in the mixed data and the determined filter, computes the LU factorization, then resolves each 50x50 grid of pixels for each color. Finally, the image is converted to the right data type and displayed.
# Import libraries necessary to run the code
import matplotlib.pyplot as plt
import numpy as np
import scipy.linalg as alg
import scipy.io as sio
# Plot the images inline
%matplotlib inline
# Load the data. Comes with an A matrix and a matrix mx with size (300,150,3) representing rgb values. This is the scrambled image
data = sio.loadmat('mixed_img_andFilter.mat')
A = data['A']
mx = data['mx']
# Plot the scrambled image
fig1 = plt.imshow(mx)
plt.show()
# Compute the LU factorization. the scipy.linalg library computes it as A = P*L*U as opposed to Matlab's A = P'*L*U
P,L,U = alg.lu(A)
# Transpose the permutation matrix P for easier readability later
Pt = np.transpose(P)
# Loop through the scambled image doing 50x50 grids at a time
for i in range(3):
for j in range(0,251,50):
for k in range(0,101,50):
# Extract the current data
temp = mx[j:j+50,k:k+50,i]
tt = np.transpose(temp)
# Reshape the matrix into a vector
b = np.reshape(tt,2500)
Pb = np.dot(Pt,b)
# Solve the first triangular system (Ly = Pb)
y = alg.solve_triangular(L,Pb,lower=True)
# Solve the second triangular system (Ux = y)
x = alg.solve_triangular(U,y,lower = False)
# Reshape the output to be a 50x50 matrix again
mx[j:j+50,k:k+50,i] = np.transpose(np.reshape(x,(50,50)))
# Convert the matrix back into unsigned integers for image plotting
final = np.uintc(mx)
# Show the final image. Merry Christmas!
fig2 = plt.imshow(final)
plt.show()
Clipping input data to the valid range for imshow with RGB data ([0..1] for floats or [0..255] for integers).
Add a homework assignment that might take 10 minutes to complete. Make sure you can work the problem yourself, but you do not need to submit a solution to the problem.