Introduction to Python for NLA#
Numerical Linear Algebra (NLA) is a branch of Computational Mathematics which studies how matrix and vector operations can be used to create computer algorithms which efficiently and accurately provide approximate answers to questions in continuous mathematics.
Consequently, it is mandatory to be able to efficiently implement matrix operations, i.e. operations regarding matrices (that we will represent with uppercase letters \(A, B, \dots\)) and vectors (that we will represent with lowercase letters \(v, w, \dots\)). The main library in Python implementing all the main NLA operations is numpy
.
In this course, we will make massive use of numpy
, together with its add-ons libraries, such as scipy
and pandas
.
numpy
can be imported into Python by typing
import numpy as np
at the beginning of your code. If numpy
is not installed in your Python environment, please follow numpy.org for informations on how to install it.
Documentation#
At numpy.org it is possible to find a complete documentation of all the numpy
functions with application examples.
Numpy ndarray
#
The basic object of numpy
is the so-called ndarray
(short for “N-dimensional array”), which allows to define vectors, matrices, tensors, etc.
The simplest way to create a numpy array is to cast it as such, starting from a Python list
or tuple
. This can be simply done as follows:
import numpy as np
# Define a Python list
a = [1, 2, 3]
# Convert it to numpy array
a_vec = np.array(a)
# Check the type of a_vec
print(type(a_vec))
<class 'numpy.ndarray'>
A basic propriety of a numpy array is the shape
, representing its dimension. For example, a 5-dimensional vector \(a = (1, 2, 3, 4, 5)^T\) will have shape \((5, )\), while a \(3 \times 3\) matrix
have shape
\((3, 3)\). A working example creating the matrix \(A\) defined above and checking its dimension is
A = [[1, 1, -1], [2, 0, 0], [0, 1, 2]]
A = np.array(A)
print(A.shape) # Use .shape to print the shape
(3, 3)
Other functions to create arrays#
In real applications, we will usually make use of huge matrices and vectors, with dimension that can easily reach a couple of millions. Clearly, it is not possible to define those kind of arrays by manually typing them and then converting them to numpy arrays with the np.array
function. Luckily, this can be avoided, when the array we need to create has a specific pattern. We will now list some functions we can use to simply create specific high-dimensional arrays.
np.linspace(a, b, n)
: Creates a vector of lengthn
, containingn
elements uniformely distributed in the interval \([a, b]\).np.arange(start, end, step)
: Creates a vector containing all the integer numbers fromstart
toend-1
, skippingstep
numbers every time.np.zeros((m, n))
: Creates an \(m \times n\) matrix full of zeros. Clearly, to create a vector instead of a matrix, simply usenp.zeros((m, ))
.np.ones((m, n))
: Creates an \(m \times n\) matrix full of ones.np.zeros_like(a)
: Creates an array full of zeros of the same shape ofa
. This is equivalent tonp.zeros(a.shape)
.np.diag(v)
: Given a vectorv
of shape \((n, )\), returns an \(n \times n\) diagonal matrix withv
as diagonal.np.random.randn(m, n)
: Creates an \(m \times n\) matrix of normally distributed elements (i.e. sampled from \(\mathcal{N}(0, I)\)).
For example, if we want to create a vector of length \(10\) containing all the even numbers between \(0\) and \(18\), we can use
# Create the vector
a = np.arange(0, 20, 2)
# Visualize the vector
print(a)
[ 0 2 4 6 8 10 12 14 16 18]
Exercise: Create an visualize the matrix \( A = \begin{bmatrix} 2 & 1 & 1 \\ 1 & 2 & 1 \\ 1 & 1 & 2\end{bmatrix}\) and print its shape.
Operations between ndarray
#
Now that we are able to create arrays, we need to understand how to use them. To simplify the implementation of NLA algorithms, the operations between numpy arrays basically follows the same syntax you can find in any math textbook. In particular, almost every operations is applied element-wise.
A scalar operation between \(n\)-dimensional arrays \(a\) and \(b\) is said to be element-wise if it is applied to \(a\) and \(b\) element by element.
For example, if
then, since
then we say that the +
operation is element-wise.
We will now list the most important element-wise operations between arrays in numpy. When one of the two elements of the operators is a scalar number, it is threated as an array of the correct shape, where each element is equal to the number itself. In the following, we will use a
, b
to indicate generic arrays (vectors, matrices, …), v
, w
to indicate vectors and A
, B
to indicate matrices.
a + b
: Returns the element-wise sum ofa
andb
. (It requires the two arrays to have the sameshape
.)a - b
: Returns the element-wise difference ofa
andb
. (It requires the two arrays to have the sameshape
.)a * b
: Returns the element-wise multiplication ofa
andb
. (It requires the two arrays to have the sameshape
.)a / b
: Returns the element-wise division betweena
andb
. (It requires the two arrays to have the sameshape
.)a ** b
: Returns the element-wise exponentiation ofa
to the power ofb
. (It requires the two arrays to have the sameshape
.)np.exp(a)
: Returns the element-wise result of \(e^a\).np.sin(a), np.cos(a), np.tan(a), np.log(a)
: Return the corresponding element-wise operation applied toa
.
Other than element-wise operations, important operators widely used in NLA are the matrix-by-vector product, the matrix-by-matrix product and the inner product between vectors. Since those operations are mathematically similar, numpy implements them in the same way:
a @ b
: Returns the matrix-by-matrix product betweena
andb
. It requires the shapes ofa
andb
to be compatible, e.g. with shape ofa
\((m, n)\) and shape ofb
\((n, k)\). Then the shape of the result is \((m, k)\).
Clearly, when either a
or b
are vectors of the correct shape, then @
returns the matrix-by-vector multiplication, while if both of them are vectors, then a @ b
returns the inner product between the two vectors. The latter can be equivalently written as np.dot(a, b)
.
Let us now see a code example for how to use these operations.
import numpy as np
# Dimension of the problem
n = 10
# Create the vectors
x1 = np.linspace(0, 1, n)
x2 = np.random.randn(n)
# Create the matrix
A = np.random.randn(n, n)
# Compute y1 and y2
y1 = A @ x1
y2 = A @ x2
# Compute y = A(x1 + x2)
y = A @ (x1 + x2)
# Check the equality
print(y)
print(y1 + y2)
[ 0.41901226 -1.55933979 3.18278106 -0.51689674 -0.11909879 -3.48551802
2.32370719 -0.89045479 -2.35368449 -3.2413658 ]
[ 0.41901226 -1.55933979 3.18278106 -0.51689674 -0.11909879 -3.48551802
2.32370719 -0.89045479 -2.35368449 -3.2413658 ]
Exercise: Create two vectors \(x_1\) and \(x_2\) of dimension \(n\) and check that \(e^{x_1} e^{x_2} = e^{x_1 + x_2}\)
Logic operations between vectors#
Clearly, it is also possible to define element-wise logic operations between arrays. The result will always be a boolean array of the same dimension as the input arrays, where the logic operator is applied element by element. Here we report a table of the main logic operations:
Operator |
Meaning |
---|---|
== |
EQUAL |
!= |
NOT EQUAL |
>, >= |
GREATER THAN |
<, <= |
LOWER THAN |
& |
AND |
| |
OR |
! |
NOT |
Slicing#
An important operation we will often use in practice, is the so-called slicing. Slicing consists in extracting a portion of an array, indexed by given array indexes. For example, consider
and assume we want to extract the first three elements of \(v\) and assign them to a new vector \(w\). This can be easily done as
# Create the array
v = np.array([0, 1, -1, 2, 1, -1])
print(v)
# Slicing
w = v[0:3]
print(w)
[ 0 1 -1 2 1 -1]
[ 0 1 -1]
The notation v[start:end]
returns the elements of v
from start
to end-1
. When start
=0 as in the example above, it can be omitted (e.g. v[0:3]
is equivalent to v[:3]
).
Slicing can also be performed by passing a numpy array of indices inside of the square brackets. For example, assume we want to extract the elements in even position of v
. Then
# Create the array
v = np.array([0, 1, -1, 2, 1, -1])
# Slicing
idx = np.arange(0, len(v), 2)
w = v[idx]
print(w)
[ 0 -1 1]
does the job.
Finally, we can also slice by using boolean arrays. When this is the case, the elements in the position of the True
values are returned. For example, this is how we extract the elements that v
and w
have in common.
# Create arrays
v = np.array([0, 1, -1, 2, 1, -1])
w = np.array([0, 0, -1, 1, 2, -1])
# Slicing
t = v[v == w]
print(v)
print(w)
print(t)
[ 0 1 -1 2 1 -1]
[ 0 0 -1 1 2 -1]
[ 0 -1 -1]
Slicing matrices#
Slicing matrices works in the same way as slicing vectors. The only difference is that we need to use a 2-dimensional indexing array. For example, if
and we want to extract the \(2 \times 2\) principal submatrix of \(A\) (that is, the upper-left-most \(2 \times 2\) submatrix of \(A\)), then we can do it as follows
# Create the matrix
A = np.array([[1, 2, 3], [4, 5, 6], [7, 8, 9]])
# Slicing
B = A[:2, :2]
Exercise: Create an \(n \times n\) matrix \(A\) of normally distributed values. Then, create a second matrix \(B\) with the same shape of \(A\) such that it is equal to \(A\) when \(a_{i, j}\) is positive, while it is equal to \(0\) when \(a_{i, j} < 0\).
Matrix and Vector Manipulation#
Numpy implements even the basic operations on matrix and vectors. In particular, the following functions can be useful for this course:
np.linalg.norm(a, p)
: Computes the \(p\)-norm of a vector or a matrix \(a\);np.linalg.cond(A, p)
: Computes the condition number in \(p\)-norm of a matrix \(A\);np.linalg.matrix_rank(A)
: Computes the rank of the matrix \(A\);np.linalg.inv(A)
: When \(A\) is invertible, it computes its inverse matrix. Warning: Very slow;np.transpose(A)
: Computes the transpose matrix of \(A\). It is equivalent toA.T
;np.reshape(a, new_shape)
: Reshapes an arraya
into a given shape.
Read data with pandas
#
Since we will frequently work with data, it is important to be able to manipulate them. In these lectures, we will learn how to load a dataset into Python by using a library called pandas
, whose documentation can be found here.
As an example, download the data from Kaggle at the following link: www.kaggle.com/mysarahmadbhat/us-births-2000-to-2014.
Then, place it in the same folder as the Python file on which you are working and use the following code to load it in the memory.
import pandas as pd
# Read data from a csv file
data = pd.read_csv('./data/US_births_2000-2014_SSA.csv')
Pandas uses similar function name as numpy to keep everything coherent. For example, we can check the shape of data
by using the function print(data.shape)
. Moreover, a pandas dataframe can be casted into a numpy array simply as follows
import numpy as np
# Cast into numpy array
np_data = np.array(data)
# Check that the dimension didn't change
print(f"{data.shape} should be equal to {np_data.shape}")
(5479, 5) should be equal to (5479, 5)