HomeSort by relevance Sort by last modified time
    Searched refs:tril (Results 1 - 22 of 22) sorted by null

  /external/tensorflow/tensorflow/python/kernel_tests/linalg/
linear_operator_lower_triangular_test.py 44 tril = linear_operator_test_util.random_tril_matrix(
49 # Evaluate the tril here because (i) you cannot feed a tensor, and (ii)
50 # tril is random and we want the same value used for both mat and
52 tril = tril.eval()
54 feed_dict = {tril_ph: tril}
56 operator = linalg.LinearOperatorLowerTriangular(tril)
59 mat = array_ops.matrix_band_part(tril, -1, 0)
66 tril = [[1., 0.], [1., 0.]]
67 operator = linalg.LinearOperatorLowerTriangular(tril)
    [all...]
linear_operator_full_matrix_test.py 80 tril = linear_operator_test_util.random_tril_matrix(
83 tril = array_ops.matrix_set_diag(tril, diag)
84 matrix = math_ops.matmul(tril, tril, transpose_b=True).eval()
  /external/tensorflow/tensorflow/python/ops/linalg/
linear_operator_lower_triangular.py 51 tril = [[1., 2.], [3., 4.]]
52 operator = LinearOperatorLowerTriangular(tril)
70 tril = tf.random_normal(shape=[2, 3, 4, 4])
71 operator = LinearOperatorLowerTriangular(tril)
112 tril,
121 tril: Shape `[B1,...,Bb, N, N]` with `b >= 0`, `N >= 0`.
122 The lower triangular part of `tril` defines this operator. The strictly
151 with ops.name_scope(name, values=[tril]):
152 self._tril = ops.convert_to_tensor(tril, name="tril")
    [all...]
linear_operator_test_util.py 449 tril = random_tril_matrix(
451 return math_ops.matmul(tril, tril, adjoint_b=True)
476 tril = random_normal(shape, dtype=dtype)
478 tril = array_ops.matrix_band_part(tril, -1, 0)
485 tril = array_ops.matrix_set_diag(tril, diag)
487 return tril
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/bijectors/
affine_linear_operator_test.py 68 tril = np.array([[[1, 0, 0],
75 scale = linalg.LinearOperatorLowerTriangular(tril, is_non_singular=True)
85 # y = np.matmul(x, tril) + shift.
86 y = np.squeeze(np.matmul(tril, np.expand_dims(x, -1)), -1) + shift
88 tril, axis1=-2, axis2=-1))),
affine_test.py 692 tril = scale_tril
700 if c is None and d1 is None and tril is None:
711 if tril is not None:
712 matrix += np.array(tril, dtype=np.float32)
  /external/tensorflow/tensorflow/compiler/tests/
matrix_triangular_solve_op_test.py 48 clean_a = np.tril(a) if lower else np.triu(a)
69 a = np.tril(rng.randn(5, 5))
83 a = np.tril(rng.randn(5, 5) + rng.randn(5, 5) * 1j)
95 a = np.tril(rng.rand(*a_shape) - 0.5) / (2.0 * n) + np.eye(n)
103 a = np.tril(rng.rand(n, n) - 0.5) / (2.0 * n) + np.eye(n)
matrix_band_part_test.py 42 band_np = np.tril(band_np, upper)
cholesky_op_test.py 47 self.assertAllClose(chol_matrix, np.tril(chol_matrix), atol=atol)
  /external/tensorflow/tensorflow/contrib/distributions/python/ops/bijectors/
affine.py 47 Here `scale = c * I + diag(D1) + tril(L) + V @ diag(D2) @ V.T`.
227 tril=scale_tril,
268 def _create_scale_operator(self, identity_multiplier, diag, tril,
279 tril: Floating-point `Tensor` representing the diagonal matrix.
294 ValueError: if all of `tril`, `diag` and `identity_multiplier` are `None`.
298 tril = _as_tensor(tril, "tril")
321 scale_tril=tril,
  /external/tensorflow/tensorflow/contrib/linalg/python/kernel_tests/
linear_operator_addition_test.py 121 name="tril")
132 # The TriL operator has the self-adjoint hint set.
144 [[2., 0.], [1.5, 2.]], name="tril")
193 tril = linalg.LinearOperatorLowerTriangular([[1.]])
201 op_sum = add_operators([diag1, diag2, tril], addition_tiers=addition_tiers)
208 tril = linalg.LinearOperatorLowerTriangular([[1.]])
214 # Tier 0 could convert to TriL, and this converted everything to TriL,
218 op_sum = add_operators([diag1, diag2, tril], addition_tiers=addition_tiers)
230 # diags, but the TriL is unchanged
    [all...]
  /external/tensorflow/tensorflow/contrib/linalg/python/ops/
linear_operator_addition.py 338 """Handles additions resulting in a TriL operator."""
351 tril=op_add_to_tensor.add_to_tensor(op_other.to_dense()),
386 _TRIL = "tril"
  /external/tensorflow/tensorflow/python/kernel_tests/
matrix_band_part_op_test.py 55 band_np = np.tril(band_np, upper)
matrix_triangular_solve_op_test.py 64 a_np = np.tril(a)
cholesky_op_test.py 60 # Gradient is l^{-H} @ ((l^{H} @ grad) * (tril(ones)-1/2*eye)) @ l^{-1}
62 # Compute ((l^{H} @ grad) * (tril(ones)-1/2*eye)) = middle
108 self.assertAllClose(chol_matrix, np.tril(chol_matrix))
123 complex_data = np.tril(1j * data, -1).astype(dtype)
  /external/tensorflow/tensorflow/contrib/distributions/python/ops/
wishart.py 548 tril=scale,
659 tril=chol,
distribution_util.py 163 tril=_maybe_attach_assertion(scale_tril),
vector_diffeomixture.py     [all...]
  /external/tensorflow/tensorflow/python/ops/
linalg_grad.py 62 # Gradient is l^{-H} @ ((l^{H} @ grad) * (tril(ones)-1/2*eye)) @ l^{-1}
101 tril = array_ops.matrix_band_part(qdq_ + rdr_, -1, 0)
109 grad_a = math_ops.matmul(q, dr + _TriangularSolve(tril, r))
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
distribution_util_test.py 63 scale_tril = np.tril(scale_tril)
wishart_test.py 36 x = np.tril(linalg.circulant(np.arange(start, start + n)))
386 with self.assertRaisesRegexp(TypeError, "Argument tril must have dtype"):
  /external/tensorflow/tensorflow/python/kernel_tests/distributions/
util_test.py 715 return np.triu(y) if upper else np.tril(y)
    [all...]

Completed in 530 milliseconds