当前位置: 首页>>代码示例 >>用法及示例精选 >>正文


Python tf.linalg.LinearOperatorCirculant用法及代码示例


LinearOperator 就像循环矩阵一样。

继承自:LinearOperatorModule

用法

tf.linalg.LinearOperatorCirculant(
    spectrum, input_output_dtype=tf.dtypes.complex64, is_non_singular=None,
    is_self_adjoint=None, is_positive_definite=None, is_square=True,
    name='LinearOperatorCirculant'
)

参数

  • spectrum 形状 [B1,...,Bb, N] Tensor 。允许的数据类型:float16 , float32 , float64 , complex64 , complex128。类型可以不同于input_output_dtype
  • input_output_dtype dtype 用于输入/输出。
  • is_non_singular 期望这个运算符是非奇异的。
  • is_self_adjoint 期望这个算子等于它的厄米转置。如果spectrum 是真实的,这将永远是真实的。
  • is_positive_definite 期望这个算子是正定的,意思是二次形式x^H A x对所有非零具有正实部x.请注意,我们不要求算子自伴是正定的。看:https://en.wikipedia.org/wiki/Positive-definite_matrix
    #Extension_for_non_symmetric_matrices
  • is_square 期望此运算符的行为类似于方形 [batch] 矩阵。
  • name 附加到此类创建的所有操作的名称。

属性

  • H 返回当前的伴随LinearOperator.

    给定 A 表示此 LinearOperator ,返回 A* 。请注意,调用self.adjoint()self.H 是等效的。

  • batch_shape TensorShape这批尺寸的LinearOperator.

    如果此运算符的作用类似于带有 A.shape = [B1,...,Bb, M, N] 的批处理矩阵 A,则返回 TensorShape([B1,...,Bb]) ,相当于 A.shape[:-2]

  • block_depth 递归定义的循环块的深度定义了这个Operator.

    使用 A 这个 Operator 的密集表示,

    block_depth = 1 表示A 是对称循环。例如,

    A = |w z y x|
        |x w z y|
        |y x w z|
        |z y x w|

    block_depth = 2 表示A 是具有对称循环块的块对称循环。例如,使用W , X , Y , Z 对称循环,

    A = |W Z Y X|
        |X W Z Y|
        |Y X W Z|
        |Z Y X W|

    block_depth = 3 表示A 是块对称循环,块对称循环块。

  • block_shape
  • domain_dimension 此运算符的域的维度(在向量空间的意义上)。

    如果此运算符的作用类似于带有 A.shape = [B1,...,Bb, M, N] 的批处理矩阵 A ,则返回 N

  • dtype TensorDType 由此 LinearOperator 处理。
  • graph_parents 这个的图依赖列表LinearOperator. (已弃用)

    警告:此函数已弃用。它将在未来的版本中删除。更新说明:请勿调用 graph_parents

  • is_non_singular
  • is_positive_definite
  • is_self_adjoint
  • is_square 返回 True/False 取决于此运算符是否为正方形。
  • parameters 用于实例化此 LinearOperator 的参数字典。
  • range_dimension 此运算符范围的维度(在向量空间的意义上)。

    如果此运算符的作用类似于带有 A.shape = [B1,...,Bb, M, N] 的批处理矩阵 A ,则返回 M

  • shape TensorShape这个的LinearOperator.

    如果此运算符的作用类似于带有 A.shape = [B1,...,Bb, M, N] 的批处理矩阵 A ,则返回 TensorShape([B1,...,Bb, M, N]) ,等效于 A.shape

  • spectrum
  • tensor_rank 与此运算符对应的矩阵的秩(在张量的意义上)。

    如果此运算符的作用类似于带有 A.shape = [B1,...,Bb, M, N] 的批处理矩阵 A ,则返回 b + 2

该运算符的作用类似于循环矩阵 A ,对于某些 b >= 0 ,形状为 [B1,...,Bb, N, N] 。第一个 b 索引索引批处理成员。对于每个批次索引 (i1,...,ib) , A[i1,...,ib,::] 是一个 N x N 矩阵。此矩阵A 未具体化,但为了广播此形状将是相关的。

循环矩阵的说明

循环意味着 A 的条目由单个向量生成,即卷积核 h : A_{mn}:= h_{m-n mod N} 。使用 h = [w, x, y, z]

A = |w z y x|
    |x w z y|
    |y x w z|
    |z y x w|

这意味着矩阵乘法 v = Au 的结果具有在 huLth 列之间进行循环卷积的 Lth 列。

频谱方面的说明

在 [batch] 频谱 H 和傅里叶变换方面有一个等效的说明。这里我们考虑A.shape = [N, N] 并忽略批量维度。定义离散傅里叶变换 (DFT) 及其逆

DFT[ h[n] ] = H[k]:= sum_{n = 0}^{N - 1} h_n e^{-i 2pi k n / N}
IDFT[ H[k] ] = h[n] = N^{-1} sum_{k = 0}^{N - 1} H_k e^{i 2pi k n / N}

从这些定义中,我们看到

H[0] = sum_{n = 0}^{N - 1} h_n
H[1] = "the first positive frequency"
H[N - 1] = "the first negative frequency"

粗略地说,使用 * 逐元素乘法,矩阵乘法等于傅立叶乘法器的作用:A u = IDFT[ H * DFT[u] ]。准确地说,给定 [N, R] 矩阵 u ,让 DFT[u][N, R] 矩阵,其中 rth 列等于 urth 列的 DFT。类似地定义IDFT。矩阵乘法可以按列表示:

(A u)_r = IDFT[ H * (DFT[u])_r ]

从谱中推导出算子属性。

Ukth 欧几里得基向量,而 U = IDFT[u] 。上面的公式表明 A U = H_k * U 。我们得出结论H的元素是这个算子的特征值。所以

  • 此运算符是正定的当且仅当 Real{H} > 0

傅立叶变换的一般性质是厄米特函数和实值变换之间的对应关系。

假设 H.shape = [B1,...,Bb, N] 。我们说 H 是 Hermitian 谱,如果 % 表示模除,

H[..., n % N] = ComplexConjugate[ H[..., (-n) % N] ]

  • 当且仅当H 是 Hermitian 时,此运算符对应于实矩阵。
  • 当且仅当 H 为实数时,此运算符是自伴的。

参见例如“Discrete-Time 信号处理”,奥本海姆和谢弗。

自伴正定算子示例

# spectrum is real ==> operator is self-adjoint
# spectrum is positive ==> operator is positive definite
spectrum = [6., 4, 2]

operator = LinearOperatorCirculant(spectrum)

# IFFT[spectrum]
operator.convolution_kernel()
==> [4 + 0j, 1 + 0.58j, 1 - 0.58j]

operator.to_dense()
==> [[4 + 0.0j, 1 - 0.6j, 1 + 0.6j],
     [1 + 0.6j, 4 + 0.0j, 1 - 0.6j],
     [1 - 0.6j, 1 + 0.6j, 4 + 0.0j]]

根据实际卷积核定义的示例

# convolution_kernel is real ==> spectrum is Hermitian.
convolution_kernel = [1., 2., 1.]]
spectrum = tf.signal.fft(tf.cast(convolution_kernel, tf.complex64))

# spectrum is Hermitian ==> operator is real.
# spectrum is shape [3] ==> operator is shape [3, 3]
# We force the input/output type to be real, which allows this to operate
# like a real matrix.
operator = LinearOperatorCirculant(spectrum, input_output_dtype=tf.float32)

operator.to_dense()
==> [[ 1, 1, 2],
     [ 2, 1, 1],
     [ 1, 2, 1]]

Hermitian 谱示例

# spectrum is shape [3] ==> operator is shape [3, 3]
# spectrum is Hermitian ==> operator is real.
spectrum = [1, 1j, -1j]

operator = LinearOperatorCirculant(spectrum)

operator.to_dense()
==> [[ 0.33 + 0j,  0.91 + 0j, -0.24 + 0j],
     [-0.24 + 0j,  0.33 + 0j,  0.91 + 0j],
     [ 0.91 + 0j, -0.24 + 0j,  0.33 + 0j]

当频谱为 Hermitian 时强制实数 dtype 的示例

# spectrum is shape [4] ==> operator is shape [4, 4]
# spectrum is real ==> operator is self-adjoint
# spectrum is Hermitian ==> operator is real
# spectrum has positive real part ==> operator is positive-definite.
spectrum = [6., 4, 2, 4]

# Force the input dtype to be float32.
# Cast the output to float32.  This is fine because the operator will be
# real due to Hermitian spectrum.
operator = LinearOperatorCirculant(spectrum, input_output_dtype=tf.float32)

operator.shape
==> [4, 4]

operator.to_dense()
==> [[4, 1, 0, 1],
     [1, 4, 1, 0],
     [0, 1, 4, 1],
     [1, 0, 1, 4]]

# convolution_kernel = tf.signal.ifft(spectrum)
operator.convolution_kernel()
==> [4, 1, 0, 1]

性能

假设 operator 是形状为 [N, N]x.shape = [N, R]LinearOperatorCirculant。然后

  • operator.matmul(x)O(R*N*Log[N])
  • operator.solve(x)O(R*N*Log[N])
  • operator.determinant() 涉及大小 N reduce_prod

如果相反 operatorx 具有形状 [B1,...,Bb, N, N][B1,...,Bb, N, R] ,则每个操作的复杂性都会增加 B1*...*Bb

矩阵属性提示

LinearOperator 使用 is_X 形式的布尔标志初始化,用于 X = non_singular, self_adjoint, positive_definite, square 。它们具有以下含义:

  • 如果 is_X == True ,调用者应该期望操作符具有属性 X 。这是一个应该实现的承诺,但不是运行时断言。例如,有限的浮点精度可能会导致违反这些承诺。
  • 如果 is_X == False ,调用者应该期望操作符没有 X
  • 如果is_X == None(默认),调用者应该没有任何期望。

参考:

Toeplitz 和循环矩阵 - 评论:灰色,2006 年 (pdf)

相关用法


注:本文由纯净天空筛选整理自tensorflow.org大神的英文原创作品 tf.linalg.LinearOperatorCirculant。非经特殊声明,原始代码版权归原作者所有,本译文未经允许或授权,请勿转载或复制。