Last lecture, we explored PyTorch’s efficient handling of vectors and matrices. Now we’ll apply these tools to a fundamental challenge in data science: prediction. Our goal is to use historical data to make accurate predictions about new situations, a problem that lies at the heart of many applications.
We’ll develop this idea through four key steps:
Consider predicting house price. A house’s price typically depends on multiple characteristics: its size, age, number of bedrooms, and location. The simplest model assumes each feature contributes linearly to the price, plus some noise that captures factors our model doesn’t account for:
\[\text{price} = w_1 \cdot \text{size} + w_2 \cdot \text{age} + w_3 \cdot \text{bedrooms} + w_4 \cdot \text{location} + \text{noise}\]In this linear relationsihp, each weight has a clear interpretation. $w_1$ represents dollars per square foot, $w_2$ tells us how price changes with age, and so on. The noise term acknowledges that real estate prices are influenced by many factors beyond our simple features.
We can write this more compactly using vector notation: \(y = w^T x + \epsilon\)
where $y$ is the price, $w$ contains our weights, $x$ holds the features, and $\epsilon$ represents the noise:
house = {
    'size': 1500,     # x₁: sq ft
    'age': 10,        # x₂: years
    'bedrooms': 3,    # x₃: count
    'location': 0.8   # x₄: some score
}
price = 500000  # y: dollars
def predict_price(house, weights):
    """Predict house price using linear combination of features"""
    return (
        weights[0] * house['size'] +      # dollars per sq ft
        weights[1] * house['age'] +       # price change per year
        weights[2] * house['bedrooms'] +  # value per bedroom
        weights[3] * house['location']    # location premium
    )
Real estate data reveals why this linear approach often works well. When we plot prices against individual features, we often see roughly linear relationships with some scatter, especially within typical ranges. The scatter around these trends represents the noise in our model - those unique factors that make each house sale slightly different from what we’d predict based on features alone:

The challenge lies in finding the right weights while accounting for this noise. Even reasonable guesses can lead to significant errors, as we’ll see by testing our model on actual house sales:
# Data in PyTorch tensors
X = torch.tensor([
    [1500, 10, 3, 0.8],  # house 1
    [2100, 2,  4, 0.9],  # house 2
    [800,  50, 2, 0.3]   # house 3
], dtype=torch.float32)
y = torch.tensor([500000, 800000, 250000], dtype=torch.float32)
weights = torch.tensor([200, -1000, 50000, 100000], dtype=torch.float32)
# Make predictions
predictions = X @ weights
# Show individual errors
for i, (pred, actual) in enumerate(zip(predictions, y)):
    error = pred - actual
    print(f"House {i+1}:")
    print(f"  Predicted: ${pred:,.0f}")
    print(f"  Actual:    ${actual:,.0f}")
    print(f"  Error:     ${error:,.0f} ({error/actual:+.1%})\n")
# Compute total error
total_error = torch.sum((predictions - y)**2)
avg_error = torch.sqrt(total_error/len(y))  # Root mean square error
print(f"Total squared error: ${total_error:,.0f}")
print(f"Root mean square error: ${avg_error:,.0f}")
# Output:
# House 1:
#   Predicted: $520,000
#   Actual:    $500,000
#   Error:     $20,000 (+4.0%)
#
# House 2:
#   Predicted: $708,000
#   Actual:    $800,000
#   Error:     $-92,000 (-11.5%)
#
# House 3:
#   Predicted: $240,000
#   Actual:    $250,000
#   Error:     $-10,000 (-4.0%)
#
# Total squared error: $8,963,999,744
# Root mean square error: $54,663
Let’s see how our predictions compare to the actual prices:
plt.figure(figsize=(10, 4))
houses = range(len(y))
plt.bar(houses, y.numpy()/1000, alpha=0.5, label='Actual Price (k$)')
plt.bar(houses, predictions.numpy()/1000, alpha=0.5, label='Predicted Price (k$)')
plt.legend()
plt.title('House Prices: Predicted vs Actual')
plt.show()

Looking at the individual errors:
# Show individual errors
errors = predictions - y
for i, (pred, actual, error) in enumerate(zip(predictions, y, errors)):
    print(f"House {i+1}:")
    print(f"  Predicted: ${pred:,.0f}")
    print(f"  Actual:    ${actual:,.0f}")
    print(f"  Error:     ${error:,.0f} ({error/actual:+.1%})\n")
# Visualize percent errors
plt.figure(figsize=(10, 4))
plt.bar(houses, errors.numpy()/y.numpy() * 100)
plt.axhline(y=0, color='k', linestyle='-', alpha=0.3)
plt.ylabel('Percent Error')
plt.title('Prediction Errors')
plt.show()

Our predictions aren’t terrible - errors range from 4% to 12% - but can we do better? We need a systematic way to find weights that minimize our prediction error:
\[\text{error} = \sum_{i=1}^n (y_i - w^T x_i)^2\]Notice what squaring does:
Note: this is often called the Root Mean Square Error (RMSE) when we take the square root of the average.
The question is: what weights $w$ make this error as small as possible? With 4 weights and millions of houses, trying different combinations manually would be impractical. Instead, we’ll:
Remember from last lecture how matrix multiplication can express many computations simultaneously? This is exactly what we need here. Instead of computing each prediction in a loop, we can organize our data to use the efficient matrix operations we studied:
Why This Matters
- Matrix multiplication computes all predictions in one operation
- Modern hardware (CPU/GPU) is optimized for matrix operations
- The same pattern appears throughout machine learning
- Even a small speedup (say 100ms → 10ms) becomes crucial when repeated billions of times
- With 10,000 weight combinations × 1M houses: 10 billion computations
Let’s see how to convert our loop-based approach into matrix operations. Currently, we compute predictions one by one:
# One-by-one approach
for house in houses:
    prediction = (w₁ * house['size'] + 
                 w₂ * house['age'] +
                 w₃ * house['bedrooms'] +
                 w₄ * house['location'])
    # Do this for EVERY house
    # Then do it ALL AGAIN for next weight combination
Look familiar? Each prediction is a dot product - exactly what we studied last time! We can organize all our predictions into a single matrix multiplication:
\(\text{house}_1: [1500, 10, 3, 0.8] \cdot [w_1, w_2, w_3, w_4] = \text{prediction}_1\) \(\text{house}_2: [2100, 2, 4, 0.9] \cdot [w_1, w_2, w_3, w_4] = \text{prediction}_2\) \(\text{house}_3: [800, 50, 2, 0.3] \cdot [w_1, w_2, w_3, w_4] = \text{prediction}_3\)
Stack these feature vectors into a matrix, lining up the same features in columns:
\[X = \begin{bmatrix} \text{size}_1 & \text{age}_1 & \text{beds}_1 & \text{loc}_1 \\ \text{size}_2 & \text{age}_2 & \text{beds}_2 & \text{loc}_2 \\ \text{size}_3 & \text{age}_3 & \text{beds}_3 & \text{loc}_3 \end{bmatrix} = \begin{bmatrix} 1500 & 10 & 3 & 0.8 \\ 2100 & 2 & 4 & 0.9 \\ 800 & 50 & 2 & 0.3 \end{bmatrix}\]Quick Exercise Before running the code below:
- What will be the prediction for house 1? (Hint: multiply first row by weights)
- Which house do you think will have the highest predicted price? Why?
Now one matrix multiplication computes ALL predictions:
# Matrix approach
X = torch.tensor([
    [1500, 10, 3, 0.8],  # All house 1 features
    [2100, 2,  4, 0.9],  # All house 2 features
    [800,  50, 2, 0.3]   # All house 3 features
])
w = torch.tensor([200, -1000, 50000, 100000])
predictions = X @ w  # All predictions in one operation
From Last Lecture Remember how PyTorch optimizes matrix operations:
- Uses CPU’s SIMD instructions (compute multiple values at once)
- Accesses memory in cache-friendly patterns
- Leverages optimized BLAS libraries
Let’s measure the impact:
Dataset Size | Loop Time  | Matrix Time | Speedup
------------------------------------------------
     1,000   |   0.21ms  |    0.01ms   |   21x
    10,000   |   1.79ms  |    0.05ms   |   34x
   100,000   |  19.39ms  |    0.58ms   |   33x
 1,000,000   | 196.33ms  |    5.43ms   |   36x
This speedup is crucial because in later lectures, we’ll need to compute predictions repeatedly when using iterative optimization methods. But for now, we’ll discover something remarkable:
Our optimization problem (finding weights that minimize error) can be transformed into a problem we already know how to solve - a system of linear equations! Instead of trying different weights or using calculus, we can:
In the next section, we’ll see how this transformation works and why the resulting equations give us the best possible weights. The efficiency of matrix operations will make solving these equations practical even for large datasets.
Remember our 10% error on house prices? Let’s discover why calculus and linear algebra together give us a direct path to the best weights. Let’s start simple: imagine we only have sizes and prices for two houses:
Notice that when size doubles (1000 → 2000), price doubles too (300k → 600k). This suggests a perfect linear relationship!
Our error for a given weight $w$ (price per sq ft, in $k$) is:
\[\text{error}(w) = (300 - 1000w)^2 + (600 - 2000w)^2\]To minimize this error, we use calculus: set the derivative to zero and solve. Taking the derivative (chain rule gives us -2 times each feature) and setting to zero:
\[-2(1000)(300 - 1000w) - 2(2000)(600 - 2000w) = 0\]Collecting terms, we get:
\[(1000^2 + 2000^2)w = 1000(300) + 2000(600)\]This solves our simple case, but with more features, the calculus gets messy. Here’s where matrix notation helps. If we write our data as matrices:
\[X = \begin{bmatrix} 1000 \\ 2000 \end{bmatrix}, \quad y = \begin{bmatrix} 300 \\ 600 \end{bmatrix}\]Then our equation becomes:
\[(X^TX)w = X^Ty\]With our numbers, that’s:
\[5,000,000w = 1,500,000\]Solving gives $w = 0.3$ - or 300 dollars per square foot. This confirms what we saw in the data: since price per square foot is constant at 300 dollars, doubling square footage (1000 → 2000) exactly doubles the price (300k → 600k).
This pattern extends to multiple features in a natural way. Just as we took the derivative with respect to one weight, with multiple weights we take partial derivatives with respect to each weight - something you’ve likely seen before in multivariable calculus or machine learning courses. Setting these partial derivatives to zero (the gradient $\nabla_w\text{error} = 0$) gives us:
When we organize these equations using matrix notation:
\[(X^TX)w = X^Ty\]This system, known as the normal equations, is one we can solve directly! The system is called the normal equations because the error vector $(Xw - y)$ becomes orthogonal (normal) to the column space of $X$ at the solution. They give us a direct path to the optimal weights through linear algebra, as discuss in the next section.
Now we’ll discuss three methods for solving the normal equations: Gaussian elimination, LU factorization, and QR factorization. We’ll see how these methods scale with the size of our dataset and how they compare in terms of computational efficiency and numerical stability.
Let’s first look at our house price example with three features:
X = torch.tensor([
    [1500, 10, 3],    # house 1: size, age, bedrooms
    [2100, 2,  4],    # house 2
    [800,  50, 2],    # house 3
    [1800, 15, 3]     # house 4
], dtype=torch.float32)
y = torch.tensor([500000, 800000, 250000, 550000], dtype=torch.float32)
The normal equations $(X^TX)w = X^Ty$ give us a system $Aw = b$ where:
Note that even with four houses (or four thousand!), our system is just $3 \times 3$ because we have 3 features! The matrix $X$ is $4 \times 3$, but $X^TX$ is always $p \times p$, matching the number of weights we need to find.
When we multiply $X^TX$, each entry combines feature vectors across all houses:
\[A = X^TX = \begin{bmatrix} \mathbf{size} \cdot \mathbf{size} & \mathbf{size} \cdot \mathbf{age} & \mathbf{size} \cdot \mathbf{beds} \\ \mathbf{age} \cdot \mathbf{size} & \mathbf{age} \cdot \mathbf{age} & \mathbf{age} \cdot \mathbf{beds} \\ \mathbf{beds} \cdot \mathbf{size} & \mathbf{beds} \cdot \mathbf{age} & \mathbf{beds} \cdot \mathbf{beds} \end{bmatrix}\]where each $\mathbf{size}$, $\mathbf{age}$, and $\mathbf{beds}$ is a vector containing that feature for all houses.
For example:
This structure explains why:
The vector $b = X^Ty$ similarly combines features with prices through dot products.
The resulting system $Aw = b$ looks like:
\[\begin{bmatrix} a_{11} & a_{12} & a_{13} \\ a_{21} & a_{22} & a_{23} \\ a_{31} & a_{32} & a_{33} \end{bmatrix} \begin{bmatrix} w_1 \\ w_2 \\ w_3 \end{bmatrix} = \begin{bmatrix} b_1 \\ b_2 \\ b_3 \end{bmatrix}\]We’ve seen systems like this before in linear algebra. There are several ways to solve such systems. We’ll consider three so-called direct methods in this lecture: Gaussian elimination, LU factorization, and QR factorization. But how do we choose between them?
Two critical factors determine which method to use:
The tension between these factors - and why practice often favors stability over raw speed - will become clear as we explore each method.
To understand these methods and their trade-offs, let’s:
Let’s start with Gaussian elimination:
Gaussian elimination solves equations by systematically removing variables. The idea is simple: use one equation to eliminate a variable from the others, then repeat. We’ll create zeros below the diagonal one column at a time, turning our system into an equivalent triangular form that’s easy to solve by back-substitution.
Goal: Create zeros below the diagonal systematically
Goal: Create zeros in first column below $a_{11}$
Compute multipliers:
\[m_{21} = \displaystyle\frac{a_{21}}{a_{11}} \quad \text{and} \quad m_{31} = \displaystyle\frac{a_{31}}{a_{11}}\]After row operations:
\[\begin{array}{c|c} \begin{matrix} a_{11} & a_{12} & a_{13} \\[0.7em] 0 & a_{22}' & a_{23}' \\[0.7em] 0 & a_{32}' & a_{33}' \end{matrix} & \begin{matrix} b_1 \\[0.7em] b_2' \\[0.7em] b_3' \end{matrix} \end{array} \qquad \text{(24 operations: 12 multiplications, 12 subtractions)}\]where $a_{22}’ = a_{22} - m_{21}a_{12}$ and similarly for other entries.
Goal: Create zero in second column below $a_{22}’$
Compute multiplier:
\[m_{32} = \displaystyle\frac{a_{32}'}{a_{22}'}\]After row operations:
\[\begin{array}{c|c} \begin{matrix} a_{11} & a_{12} & a_{13} \\[0.7em] 0 & a_{22}' & a_{23}' \\[0.7em] 0 & 0 & a_{33}'' \end{matrix} & \begin{matrix} b_1 \\[0.7em] b_2' \\[0.7em] b_3'' \end{matrix} \end{array} \qquad \text{(8 operations: 4 multiplications, 4 subtractions)}\]Solve from bottom to top:
\[\begin{aligned} w_3 &= \displaystyle\frac{b_3''}{a_{33}''} && \text{(1 division)} \\[0.7em] w_2 &= \displaystyle\frac{b_2' - a_{23}'w_3}{a_{22}'} && \text{(2 ops + 1 division)} \\[0.7em] w_1 &= \displaystyle\frac{b_1 - a_{12}w_2 - a_{13}w_3}{a_{11}} && \text{(4 ops + 1 division)} \end{aligned}\]For our 3×3 system, we needed 6 divisions, 19 multiplications, and 19 additions or subtractions. Looking at how these counts arise reveals the pattern: each elimination step processes one column, requiring operations proportional to the size of the remaining matrix. For an $p\times p$ system, this pattern leads to approximately $\frac{2p^3}{3}$ operations for elimination and another $\frac{p^2}{2}$ for back-substitution.
To find optimal weights, we need two steps:
Both steps can be expensive! With $n$ houses and $p$ features:
Which step dominates depends on our problem:
For example:
In modern statistics, we often have both:
This makes both formation and solution costs important to consider!
Next, we’ll explore $LU$ factorization - a clever way to reorganize Gaussian elimination that becomes especially valuable when we need to update our predictions with new house prices. Instead of solving the entire system again, we’ll see how to reuse much of our previous work.
Imagine this scenario:
Each change means new optimal weights. Can we avoid redoing all our work?
Remember our elimination steps? Let’s look closer at what we’re doing:
Step 1: Create zeros in first column
Start with: \(\begin{bmatrix} a_{11} & a_{12} & a_{13} \\[0.7em] \times & a_{22} & a_{23} \\[0.7em] \times & a_{32} & a_{33} \end{bmatrix}\)
Compute multipliers to eliminate marked entries: \(m_{21} = \displaystyle\frac{a_{21}}{a_{11}} \quad \text{and} \quad m_{31} = \displaystyle\frac{a_{31}}{a_{11}}\)
After first column elimination:
This gives us the intermediate factorization: \(A = \begin{bmatrix} a_{11} & a_{12} & a_{13} \\[0.7em] a_{21} & a_{22} & a_{23} \\[0.7em] a_{31} & a_{32} & a_{33} \end{bmatrix} = \begin{bmatrix} 1 & 0 & 0 \\[0.7em] m_{21} & 1 & 0 \\[0.7em] m_{31} & 0 & 1 \end{bmatrix} \times \begin{bmatrix} a_{11} & a_{12} & a_{13} \\[0.7em] 0 & a_{22}' & a_{23}' \\[0.7em] 0 & a_{32}' & a_{33}' \end{bmatrix}\)
Step 2: Create zero in second column
Next, we compute: \(m_{32} = \displaystyle\frac{a_{32}'}{a_{22}'}\)
And use it to eliminate $a_{32}’$, giving our final factorization: \(A = \underbrace{\begin{bmatrix} 1 & 0 & 0 \\[0.7em] m_{21} & 1 & 0 \\[0.7em] m_{31} & m_{32} & 1 \end{bmatrix}}_{\text{L (elimination history)}} \times \underbrace{\begin{bmatrix} a_{11} & a_{12} & a_{13} \\[0.7em] 0 & a_{22}' & a_{23}' \\[0.7em] 0 & 0 & a_{33}'' \end{bmatrix}}_{\text{U (eliminated system)}}\)
where $a_{33}’’ = a_{33}’ - m_{32}a_{23}’$
Why does this work? Each elimination step:
$L$ captures HOW we eliminated (our steps). $U$ shows WHAT we achieved (zeros below diagonal)
Why is this pattern useful? Because it splits our solution process into two parts:
Once we have this split, solving $Aw = b$ becomes a two-step process:
Best of all, when house prices change and we get a new $b$, we can reuse our factorization! The elimination recipe ($L$) and eliminated system ($U$) stay the same - we just need to follow the recipe with new prices.
Instead of solving $Aw = b$ directly, we solve two simpler triangular systems:
Step 1: Forward substitution ($Ly = b$) \(\begin{aligned} y_1 &= b_1 && \text{(1's on diagonal)} \\[0.7em] y_2 &= b_2 - m_{21}y_1 && \text{(2 operations)} \\[0.7em] y_3 &= b_3 - m_{31}y_1 - m_{32}y_2 && \text{(4 operations)} \end{aligned}\)
Step 2: Back substitution ($Uw = y$) \(\begin{aligned} w_3 &= \displaystyle\frac{y_3}{u_{33}} && \text{(1 division)} \\[0.7em] w_2 &= \displaystyle\frac{y_2 - u_{23}w_3}{u_{22}} && \text{(2 ops + 1 division)} \\[0.7em] w_1 &= \displaystyle\frac{y_1 - u_{12}w_2 - u_{13}w_3}{u_{11}} && \text{(4 ops + 1 division)} \end{aligned}\)
When house prices change:
Let’s see the dramatic impact on computation:
| Operation | First Time | Each Update | 
|---|---|---|
| Factor A = LU | 667,000 | (already done!) | 
| Solve Ly = b | 5,000 | 5,000 | 
| Solve Uw = y | 5,000 | 5,000 | 
| Total | 677,000 | 10,000 | 
With daily updates over a year:
This dramatic speedup shows why factorization is useful: by separating HOW we eliminate ($L$) from WHAT we achieve ($U$), we can reuse our work when only prices change. Let’s see this in action with PyTorch:
# Form A = X^TX for our house price example
X = torch.tensor([
    [1500., 10., 3.],    # house 1: size, age, bedrooms
    [2100., 2., 4.],     # house 2
    [800., 50., 2.],     # house 3
    [1800., 15., 3.]     # house 4
])
A = X.T @ X
# Compute LU factorization
L, U = torch.linalg.lu_factor(A)
print("L =\n", L)
print("\nU =\n", U)
# Output:
# L = tensor([[1.0000, 0.0000, 0.0000],
#            [0.0082, 1.0000, 0.0000],
#            [0.0019, 0.0095, 1.0000]])
#
# U = tensor([[1.0540e+07, 8.6200e+04, 1.9900e+04],
#            [0.0000e+00, 2.1240e+03, 2.0250e+01],
#            [0.0000e+00, 0.0000e+00, 2.3482e-01]])
Before moving on, it’s worth noting that when A has the special form X^TX, there’s another factorization called Cholesky that’s twice as fast as LU. While we won’t explore it here, keep it in mind for future reference.
While LU factorization provides an efficient way to solve linear equations, especially when updating solutions with new data, it inherits a critical weakness: numerical instability when features are highly correlated. This instability, known as ill-conditioning, can lead to numerically inaccurate solutions even when using standard floating-point arithmetic.
To understand ill-conditioning, we need to view matrix multiplication through a geometric lens: as an operation that stretches space in different directions. This stretching behavior reveals why some matrices are more sensitive to numerical errors than others.
For diagonal matrices, the stretching behavior is immediately visible. Consider:
\[D = \begin{bmatrix} 100 & 0 \\ 0 & 0.1 \end{bmatrix}\]When this matrix multiplies a vector, it:
This ratio is called the condition number $κ(D)$. A large condition number (like 1000) indicates ill-conditioning, while a small ratio indicates well-conditioning.
The practical impact becomes clear when solving equations. Consider:
D = torch.tensor([[1.0, 0.0], [0.0, 0.0001]])
y1 = torch.tensor([1.0, 0.0])
y2 = torch.tensor([1.0, 0.01])  # tiny change in second component
x1 = torch.solve(y1, D)[0]
x2 = torch.solve(y2, D)[0]
print(f"x1: {x1}")  # [1.0, 0.0]
print(f"x2: {x2}")  # [1.0, 100.0]  # huge change!
A small change in the input (y) leads to a huge change in the solution (x) in the direction corresponding to small stretching.
For non-diagonal matrices, the stretching behavior is less obvious but equally important. Consider:
\[A = \begin{bmatrix} 1 & 1 \\ 1 & 1.001 \end{bmatrix}\]This matrix represents nearly perfectly correlated features, where:
We discussed SVD (Singular Value Decomposition) in detail in Section 1 as a tool for finding patterns in data. Here, we’ll use it to understand how matrices stretch space and why this matters for numerical stability. Recall that SVD factorizes a matrix as:
\[A = U\Sigma V^T\]Each component has a specific role:

The singular values (diagonal elements of $\Sigma$) directly measure the stretching in each direction:
A = torch.tensor([[1.0, 1.0], [1.0, 1.001]])
U, S, Vt = torch.linalg.svd(A)
print(f"Stretching amounts: {S}")  # [2.001, 0.001]
The tiny singular value (0.001) reveals the near dependency between features. The condition number is defined as the ratio of largest to smallest singular values:
\[κ(A) = \sigma_{\text{max}}/\sigma_{\text{min}}\]The following example demonstrates how correlated features lead to instability:
# Features with condition number ≈ 4000
X = torch.tensor([[1.0, 1.0], [1.0, 1.001]])
U, s, Vt = torch.linalg.svd(X)
print(f"Singular values: {s}")  
# s ≈ [2.001, 0.0005]  # Ratio ≈ 4000!
# Original problem
w_true = torch.tensor([1.0, 0.0])
y1 = X @ w_true                    # y1 ≈ [1.000, 1.000]
w1 = torch.solve(X.T @ X @ w_true) # w1 ≈ [1.000, 0.000]
# Perturb along direction of small singular value
u2 = U[:, 1]                       # u2 ≈ [-0.707, 0.707]
perturbation = 0.001 * torch.norm(y1) * u2
y2 = y1 + perturbation            # y2 ≈ [0.999, 1.001]
                                  # (0.1% change in y)
# Solve perturbed system
w2 = torch.solve(X.T @ X @ y2)    # w2 ≈ [-1.001, 2.000]
                                  # ( 235.2% change in w!)
Key insights from this example:
The normal equations $(X^TX)w = X^Ty$ actually make this instability worse:
This raises a crucial question: Can we solve the linear regression problem without forming $X^TX$? The answer is yes, through QR factorization, which we’ll explore in the next section.
The key to avoiding this numerical instability is to never form X^TX in the first place. QR factorization offers exactly this solution by working directly with X. Instead of squaring the condition number through X^TX, it transforms our features into an orthogonal basis that preserves their numerical properties.
The QR approach splits X into two matrices:
For a data matrix X with n rows and p columns (an n×p matrix):
For example, with p=3 features, R has this structure:
\[R = \begin{bmatrix} r_{11} & r_{12} & r_{13} \\ 0 & r_{22} & r_{23} \\ 0 & 0 & r_{33} \\ \hline 0 & 0 & 0 \\ \vdots & \vdots & \vdots \\ 0 & 0 & 0 \end{bmatrix} \begin{array}{l} \leftarrow \text{upper triangular } p \times p \text{ part} \\ \\ \leftarrow \text{zeros in remaining rows} \end{array}\]Instead of eliminating variables like LU, QR factorization transforms our features to make them independent of each other.
You’ve likely seen this idea before in linear algebra - it’s the same principle behind the Gram-Schmidt process, which turns any set of vectors into orthogonal ones. QR factorization is essentially an efficient, numerically stable way to do Gram-Schmidt. While we won’t dive into the details of how it’s computed (that’s a topic for numerical linear algebra courses), here’s what it does:
Think of it like untangling a bunch of twisted ropes (our correlated features) into neat parallel lines (orthogonal features). The original ropes might be all tangled together, making it hard to see their individual effects. But after “untangling” them with Q, we can see exactly how each one contributes.
Let’s see this in action with our house price example:
X = torch.tensor([
    [1500., 10., 3.],    # house 1: size, age, bedrooms
    [2100., 2., 4.],     # house 2
    [800., 50., 2.],     # house 3
    [1800., 15., 3.]     # house 4
])
# Compute QR factorization
Q, R = torch.qr(X)
# Check orthogonality: Q^T @ Q should be identity
print("Q^T @ Q =\n", Q.T @ Q)
# Check that Q preserves lengths
original_lengths = torch.norm(X, dim=0)
q_lengths = torch.norm(Q, dim=0)
print("\nOriginal feature lengths:", original_lengths)
print("Q column lengths:", q_lengths)
# Output:
# Q^T @ Q = 
# tensor([[1.0000, 0.0000, 0.0000],
#         [0.0000, 1.0000, 0.0000],
#         [0.0000, 0.0000, 1.0000]])
Notice:
To find optimal weights, we start with our original problem:
\[Xw = y\]Since $X = QR$, this becomes:
\[QRw = y\]Now comes the key insight: since Q’s columns are perpendicular (orthogonal), multiplying both sides by Q^T is like “untangling” our equations. Why? Because Q^TQ = I, meaning all the cross-terms cancel out perfectly:
\[\begin{aligned} Q^T(QRw) &= Q^Ty \\ (Q^TQ)Rw &= Q^Ty \\ IRw &= Q^Ty \\ Rw &= Q^Ty \end{aligned}\]This is beautiful! We’ve turned our problem into a triangular system ($Rw = Q^Ty$) without ever forming X^TX. More precisely,
Since we’re solving for 3 weights (one per feature), we only need 3 equations. The top 3×3 part of R gives us exactly these equations in upper triangular form. This is why we can focus on:
\[R = \begin{bmatrix} r_{11} & r_{12} & r_{13} \\ 0 & r_{22} & r_{23} \\ 0 & 0 & r_{33} \end{bmatrix}, \quad Rw = c \quad \text{where } c = Q^Ty\]Just as with LU factorization, we can solve this triangular system efficiently using back substitution. Starting from the bottom row (which has only one unknown) and working up:
\[\begin{aligned} w_3 &= c_3/r_{33} \\ w_2 &= (c_2 - r_{23}w_3)/r_{22} \\ w_1 &= (c_1 - r_{12}w_2 - r_{13}w_3)/r_{11} \end{aligned}\]The key difference between QR and LU is that we get an triangular system directly from QR, without ever forming X^TX. This process is both numerically stable (avoiding condition number squaring) and computationally efficient (requiring just one triangular solve). Let’s compare both approaches:
\[\begin{aligned} &\text{LU approach: } np^2 \text{ to form } X^TX \text{, then } \frac{2p^3}{3} \text{ to factor it} \\ &\text{QR approach: } 2np^2 \text{ to factor X directly} \end{aligned}\]When we have many more houses than features ($n \gg p$), the $np^2$ terms dominate. In this case, LU should be about twice as fast as QR since it needs $np^2$ operations compared to QR’s $2np^2$. However, as we’ll see, this theoretical speed advantage often isn’t worth the potential loss in numerical accuracy.
Let’s verify QR’s numerical stability with a comprehensive test:
Let’s design an experiment that mirrors real-world challenges in house price prediction. We’ll start by generating synthetic data that captures natural relationships - like how larger houses tend to have more bedrooms - and then introduce a deliberately challenging feature to test how our methods handle numerical stress.
# Generate synthetic house data
torch.manual_seed(42)
n_samples = 10000
# Create base features with realistic scales
sqft = torch.rand(n_samples) * 2000 + 1000  # Uniform between 1000-3000
age = torch.rand(n_samples) * 30            # Uniform between 0-30
# Make bedrooms correlate naturally with size
bedrooms = torch.clamp(sqft/1000 + torch.randn(n_samples) * 0.5, 1, 5)
# Stack features and add known weights
X = torch.stack([sqft, age, bedrooms], dim=1)
true_weights = torch.tensor([200.0, -1000.0, 50000.0])  # $/sqft, $/year, $/bedroom
y = X @ true_weights + torch.randn(n_samples) * 100     # Add small noise
# Add highly correlated feature to test stability
X = torch.cat([X, X[:, 0:1] + torch.randn(n_samples, 1) * 10], dim=1)
# Compare condition numbers
print(f"Condition number of X: {torch.linalg.cond(X):.1f}")
print(f"Condition number of X^TX: {torch.linalg.cond(X.T @ X):.1f}")
# Solve using both methods
XtX = X.T @ X
Xty = X.T @ y
LU, pivots = torch.linalg.lu_factor(XtX)
w_lu = torch.linalg.lu_solve(LU, pivots, Xty.unsqueeze(1)).squeeze(1)
Q, R = torch.linalg.qr(X)
w_qr = torch.linalg.solve_triangular(R, Q.T @ y.unsqueeze(1), upper=True).squeeze(1)
# Compare results
print("\nWeight estimates (first 3 features):")
print(f"True weights: {true_weights}")
print(f"LU weights:   {w_lu[:3]}")
print(f"QR weights:   {w_qr[:3]}")
# Compare prediction errors
rmse_lu = torch.sqrt(torch.mean((X @ w_lu - y)**2))
rmse_qr = torch.sqrt(torch.mean((X @ w_qr - y)**2))
print(f"\nRMSE:")
print(f"LU: {rmse_lu:.2f} dollars")
print(f"QR: {rmse_qr:.2f} dollars")
The output shows:
Condition number of X: 6261.7
Condition number of X^TX: 39208800.0
Weight estimates (first 3 features):
True weights: tensor([  200., -1000., 50000.])
LU weights:   tensor([  209.2539, -1000.0673, 50001.0234])
QR weights:   tensor([  199.9693, -1000.0654, 50000.3867])
RMSE:
LU: 138.04 dollars
QR: 101.08 dollars
This experiment demonstrates key numerical effects in least squares problems. Forming X^TX squares the condition number from 6,262 to 39.2 million - a worst-case scenario with highly correlated features. This affects the accuracy of weights computed through normal equations with LU factorization, visible in the price per square foot coefficient (209.25 versus true 200). QR factorization, by avoiding explicit formation of X^TX, maintains better accuracy (199.97) and achieves lower prediction error (RMSE 101.08 dollars versus 138.04).
The choice between methods depends on the problem structure. Both approaches are backward stable in their respective formulations - QR for the original least squares problem, and LU-based normal equations for the X^TX formulation. For well-conditioned problems (κ(X) close to 1), normal equations with LU factorization can be faster and perfectly adequate. QR factorization, while requiring roughly twice the operations (2np² versus np²), provides better numerical stability by inheriting X’s condition number directly rather than squaring it. In practice, implementations use “thin QR” where Q is n×p instead of n×n (since we only need p orthogonal vectors), making it more efficient. Neither method completely solves ill-conditioning, but QR handles it more gracefully by avoiding the explicit formation of X^TX.
Direct methods face a hard constraint: they must complete their entire computation before producing any solution. For problems with millions of observations, this means waiting minutes for an answer. In massive-scale applications like recommender systems, this delay becomes impractical.
This constraint motivates iterative methods. Instead of computing an exact solution upfront, they produce increasingly accurate predictions over time. This trade-off - accepting approximate answers for faster results - often matters more than theoretical perfection.
Direct methods remain competitive for moderate-sized problems, especially those with special structure like sparsity. But when datasets grow large or quick answers matter more than perfect ones, iterative methods become essential. We’ll explore these methods next.
Suppose you have already computed the SVD of a matrix $A = U\Sigma V^T$. How many operations does it take to solve the system $Ax = b$?