下面的代码计算实对称矩阵的特征值分解。然后,计算第一特征值相对于矩阵的梯度。这完成了三遍:1)使用解析公式,2)使用TensorFlow,3)使用PyTorch。这产生了三个不同的结果。有人可以向我解释这种行为吗?
import numpy as np
import torch
import tensorflow as tf
np.set_printoptions(precision=3)
np.random.seed(123)
# random matrix
matrix_np = np.random.randn(4, 4)
# make symmetric
matrix_np = matrix_np + matrix_np.T
matrix_torch = torch.autograd.Variable(torch.from_numpy(matrix_np), requires_grad=True)
matrix_tf = tf.constant(matrix_np, dtype=tf.float64)
#
# compute eigenvalue decompositions
#
# NumPy
eigvals_np, eigvecs_np = np.linalg.eigh(matrix_np)
# PyTorch
eigvals_torch, eigvecs_torch = torch.symeig(matrix_torch, eigenvectors=True, upper=True)
# TensorFlow
eigvals_tf, eigvecs_tf = tf.linalg.eigh(matrix_tf)
# make sure all three versions computed the same eigenvalues
if not np.allclose(eigvals_np, eigvals_torch.data.numpy()):
print('NumPy and PyTorch have different eigenvalues')
if not np.allclose(eigvals_np, tf.keras.backend.eval(eigvals_tf)):
print('NumPy and TensorFlow have different eigenvalues')
#
# compute derivative of first eigenvalue with respect to the matrix
#
# analytic gradient, see "On differentiating eigenvalues and eigenvectors" by Jan R. Magnus
grad_analytic = np.outer(eigvecs_np[:, 0], eigvecs_np[:, 0])
# PyTorch gradient
eigvals_torch[0].backward()
grad_torch = matrix_torch.grad.numpy()
# TensorFlow gradient
grad_tf = tf.gradients(eigvals_tf[0], matrix_tf)[0]
grad_tf = tf.keras.backend.eval(grad_tf)
#
# print all derivatives
#
print('-'*6, 'analytic gradient', '-'*6)
print(grad_analytic)
print('-'*6, 'Pytorch gradient', '-'*6)
print(grad_torch)
print('-'*6, 'TensorFlow gradient', '-'*6)
print(grad_tf)
打印
------ analytic gradient ------
[[ 0.312 -0.204 -0.398 -0.12 ]
[-0.204 0.133 0.26 0.079]
[-0.398 0.26 0.509 0.154]
[-0.12 0.079 0.154 0.046]]
------ Pytorch gradient ------
[[ 0.312 -0.407 -0.797 -0.241]
[ 0. 0.133 0.52 0.157]
[ 0. 0. 0.509 0.308]
[ 0. 0. 0. 0.046]]
------ TensorFlow gradient ------
[[ 0.312 0. 0. 0. ]
[-0.407 0.133 0. 0. ]
[-0.797 0.52 0.509 0. ]
[-0.241 0.157 0.308 0.046]]
三个结果的主要对角线是相同的。 TensorFlow和PyTorch的非对角元素是分析元素的两倍或等于零。
这是预期的行为吗?为什么没有记录?渐变不正确吗?
版本信息:TensorFlow 1.14.0,PyTorch 1.0.1
如上面的注释很好地向我们展示了,我们可以看到here这是一个错误。