Python(NumPy、SciPy),查找矩阵的零空间

问题描述 投票:0回答:7

我试图找到给定矩阵的零空间(Ax=0 的解空间)。我找到了两个例子,但我似乎都无法工作。此外,我无法理解他们要做什么才能到达那里,所以我无法调试。我希望有人能够引导我解决这个问题。

文档页面(

numpy.linalg.svd
numpy.compress
)对我来说是不透明的。我学会了通过创建矩阵
C = [A|0]
、找到简化的行梯形形式并按行求解变量来做到这一点。我似乎无法理解这些示例是如何完成的。

感谢您的所有帮助!

这是我的示例矩阵,与 wikipedia 示例相同:

A = matrix([
    [2,3,5],
    [-4,2,3]
    ])  

方法(在这里找到,以及在这里):

import scipy
from scipy import linalg, matrix
def null(A, eps=1e-15):
    u, s, vh = scipy.linalg.svd(A)
    null_mask = (s <= eps)
    null_space = scipy.compress(null_mask, vh, axis=0)
    return scipy.transpose(null_space)

当我尝试时,我得到一个空矩阵:

Python 2.6.6 (r266:84292, Sep 15 2010, 16:22:56) 
[GCC 4.4.5] on linux2
Type "help", "copyright", "credits" or "license" for more information.
>>> import scipy
>>> from scipy import linalg, matrix
>>> def null(A, eps=1e-15):
...    u, s, vh = scipy.linalg.svd(A)
...    null_mask = (s <= eps)
...    null_space = scipy.compress(null_mask, vh, axis=0)
...    return scipy.transpose(null_space)
... 
>>> A = matrix([
...     [2,3,5],
...     [-4,2,3]
...     ])  
>>> 
>>> null(A)
array([], shape=(3, 0), dtype=float64)
>>> 
numpy matrix scipy linear-algebra svd
7个回答
27
投票

Sympy 让这变得简单。

>>> from sympy import Matrix
>>> A = [[2, 3, 5], [-4, 2, 3], [0, 0, 0]]
>>> A = Matrix(A)
>>> A * A.nullspace()[0]
Matrix([
[0],
[0],
[0]])
>>> A.nullspace()
[Matrix([
[-1/16],
[-13/8],
[    1]])]

15
投票

截至去年(2017),scipy 现在在

null_space
模块(
docs
)中内置了 scipy.linalg 方法。

实现遵循规范的 SVD 分解,如果您有旧版本的 scipy 并且需要自己实现它,那么它会非常小(见下文)。但是,如果您了解最新情况,它就适合您。

def null_space(A, rcond=None):
    u, s, vh = svd(A, full_matrices=True)
    M, N = u.shape[0], vh.shape[1]
    if rcond is None:
        rcond = numpy.finfo(s.dtype).eps * max(M, N)
    tol = numpy.amax(s) * rcond
    num = numpy.sum(s > tol, dtype=int)
    Q = vh[num:,:].T.conj()
    return Q

13
投票

您得到矩阵的 SVD 分解

A
s
是特征值向量。您对几乎为零的特征值感兴趣(请参阅 $A*x=\lambda*x$ 其中 $ bs(\lambda)<\epsilon$), which is given by the vector of logical values
null_mask

然后,您从列表

vh
中提取与几乎为零的特征值相对应的特征向量,这正是您正在寻找的:一种跨越零空间的方法。基本上,您提取行,然后转置结果,以便获得一个以特征向量作为列的矩阵。


7
投票

它似乎对我来说工作正常:

A = matrix([[2,3,5],[-4,2,3],[0,0,0]])
A * null(A)
>>> [[  4.02455846e-16]
>>>  [  1.94289029e-16]
>>>  [  0.00000000e+00]]

4
投票

更快但数值稳定性较差的方法是使用 显示等级的 QR 分解,例如

scipy.linalg.qr
pivoting=True
:

import numpy as np
from scipy.linalg import qr

def qr_null(A, tol=None):
    Q, R, P = qr(A.T, mode='full', pivoting=True)
    tol = np.finfo(R.dtype).eps if tol is None else tol
    rnk = min(A.shape) - np.abs(np.diag(R))[::-1].searchsorted(tol)
    return Q[:, rnk:].conj()

例如:

A = np.array([[ 2, 3, 5],
              [-4, 2, 3],
              [ 0, 0, 0]])
Z = qr_null(A)

print(A.dot(Z))
#[[  4.44089210e-16]
# [  6.66133815e-16]
# [  0.00000000e+00]]

3
投票

你的方法几乎是正确的。 问题是函数 scipy.linalg.svd 返回的 s 的形状是 (K,),其中 K=min(M,N)。 因此,在您的示例中, s 只有两个条目(前两个奇异向量的奇异值)。 以下对空函数的更正应该允许它适用于任何大小的矩阵。

import scipy
import numpy as np
from scipy import linalg, matrix
def null(A, eps=1e-12):
...    u, s, vh = scipy.linalg.svd(A)
...    padding = max(0,np.shape(A)[1]-np.shape(s)[0])
...    null_mask = np.concatenate(((s <= eps), np.ones((padding,),dtype=bool)),axis=0)
...    null_space = scipy.compress(null_mask, vh, axis=0)
...    return scipy.transpose(null_space)
A = matrix([[2,3,5],[-4,2,3]])
print A*null(A)
>>>[[  4.44089210e-16]
>>> [  6.66133815e-16]]
A = matrix([[1,0,1,0],[0,1,0,0],[0,0,0,0],[0,0,0,0]])
print null(A)
>>>[[ 0.         -0.70710678]
>>> [ 0.          0.        ]
>>> [ 0.          0.70710678]
>>> [ 1.          0.        ]]
print A*null(A)
>>>[[ 0.  0.]
>>> [ 0.  0.]
>>> [ 0.  0.]
>>> [ 0.  0.]]

0
投票
import numpy as np
from scipy.linalg import null_space
A = np.random.randn(5,8)
n = null_space(A)
© www.soinside.com 2019 - 2024. All rights reserved.