/external/eigen/test/ |
D | product_syrk.cpp | 39 … ((s1 * rhs2 * rhs2.adjoint()).eval().template triangularView<Lower>().toDenseMatrix())); in syrk() 41 …VERIFY_IS_APPROX(((m2.template triangularView<Lower>() += s1 * rhs2 * rhs22.adjoint()).nestedExpr… in syrk() 42 … ((s1 * rhs2 * rhs22.adjoint()).eval().template triangularView<Lower>().toDenseMatrix())); in syrk() 47 … (s1 * rhs2 * rhs2.adjoint()).eval().template triangularView<Upper>().toDenseMatrix()); in syrk() 49 …VERIFY_IS_APPROX((m2.template triangularView<Upper>() += s1 * rhs22 * rhs2.adjoint()).nestedExpres… in syrk() 50 … (s1 * rhs22 * rhs2.adjoint()).eval().template triangularView<Upper>().toDenseMatrix()); in syrk() 54 VERIFY_IS_APPROX(m2.template selfadjointView<Lower>().rankUpdate(rhs1.adjoint(),s1)._expression(), in syrk() 55 … (s1 * rhs1.adjoint() * rhs1).eval().template triangularView<Lower>().toDenseMatrix()); in syrk() 57 …VERIFY_IS_APPROX((m2.template triangularView<Lower>() += s1 * rhs11.adjoint() * rhs1).nestedExpres… in syrk() 58 … (s1 * rhs11.adjoint() * rhs1).eval().template triangularView<Lower>().toDenseMatrix()); in syrk() [all …]
|
D | mixingtypes.cpp | 160 VERIFY_IS_APPROX(sd*md.adjoint()*mcd, (sd*md).template cast<CD>().eval().adjoint()*mcd); in mixingtypes() 161 VERIFY_IS_APPROX(sd*mcd.adjoint()*md, sd*mcd.adjoint()*md.template cast<CD>()); in mixingtypes() 162 …VERIFY_IS_APPROX(sd*md.adjoint()*mcd.adjoint(), (sd*md).template cast<CD>().eval().adjoint()*mcd.a… in mixingtypes() 163 …VERIFY_IS_APPROX(sd*mcd.adjoint()*md.adjoint(), sd*mcd.adjoint()*md.template cast<CD>().adjoint()); in mixingtypes() 164 VERIFY_IS_APPROX(sd*md*mcd.adjoint(), (sd*md).template cast<CD>().eval()*mcd.adjoint()); in mixingtypes() 165 VERIFY_IS_APPROX(sd*mcd*md.adjoint(), sd*mcd*md.template cast<CD>().adjoint()); in mixingtypes() 167 VERIFY_IS_APPROX(sf*mf.adjoint()*mcf, (sf*mf).template cast<CF>().eval().adjoint()*mcf); in mixingtypes() 168 VERIFY_IS_APPROX(sf*mcf.adjoint()*mf, sf*mcf.adjoint()*mf.template cast<CF>()); in mixingtypes() 169 …VERIFY_IS_APPROX(sf*mf.adjoint()*mcf.adjoint(), (sf*mf).template cast<CF>().eval().adjoint()*mcf.a… in mixingtypes() 170 …VERIFY_IS_APPROX(sf*mcf.adjoint()*mf.adjoint(), sf*mcf.adjoint()*mf.template cast<CF>().adjoint()); in mixingtypes() [all …]
|
D | adjoint.cpp | 23 VERIFY(test_isApproxWithRef(v1.dot(square * v2), (square.adjoint() * v1).dot(v2), 0)); in run() 58 …)((std::max)(v1.norm(),v2.norm()),(std::max)((square * v2).norm(),(square.adjoint() * v1).norm())); in run() 59 …VERIFY(internal::isMuchSmallerThan(abs(v1.dot(square * v2) - (square.adjoint() * v1).dot(v2)), ref… in run() 67 template<typename MatrixType> void adjoint(const MatrixType& m) in adjoint() function 96 VERIFY_IS_APPROX(m1.transpose().conjugate().adjoint(), m1); in adjoint() 97 VERIFY_IS_APPROX(m1.adjoint().conjugate().transpose(), m1); in adjoint() 100 VERIFY_IS_APPROX((m1.adjoint() * m2).adjoint(), m2.adjoint() * m1); in adjoint() 101 VERIFY_IS_APPROX((s1 * m1).adjoint(), numext::conj(s1) * m1.adjoint()); in adjoint() 115 VERIFY_IS_APPROX(m1.adjoint()(c,r), numext::conj(m1(r,c))); in adjoint() 138 VERIFY_IS_APPROX(m3,m1.adjoint()); in adjoint() [all …]
|
D | product_notemporary.cpp | 45 VERIFY_EVALUATION_COUNT( m3 = (m1 * m2.adjoint()), 1); in product_notemporary() 46 VERIFY_EVALUATION_COUNT( m3 = (m1 * m2.adjoint()).transpose(), 1); in product_notemporary() 47 VERIFY_EVALUATION_COUNT( m3.noalias() = m1 * m2.adjoint(), 0); in product_notemporary() 53 VERIFY_EVALUATION_COUNT( m3 = m3 + (m1 * m2.adjoint()), 1); in product_notemporary() 54 VERIFY_EVALUATION_COUNT( m3 = m3 - (m1 * m2.adjoint()), 1); in product_notemporary() 56 VERIFY_EVALUATION_COUNT( m3 = m3 + (m1 * m2.adjoint()).transpose(), 1); in product_notemporary() 64 VERIFY_EVALUATION_COUNT( m3.noalias() = s1 * m1 * s2 * m2.adjoint(), 0); in product_notemporary() 65 VERIFY_EVALUATION_COUNT( m3.noalias() = s1 * m1 * s2 * (m1*s3+m2*s2).adjoint(), 1); in product_notemporary() 66 VERIFY_EVALUATION_COUNT( m3.noalias() = (s1 * m1).adjoint() * s2 * m2, 0); in product_notemporary() 67 VERIFY_EVALUATION_COUNT( m3.noalias() += s1 * (-m1*s3).adjoint() * (s2 * m2 * s3), 0); in product_notemporary() [all …]
|
D | product_extra.cpp | 41 VERIFY_IS_APPROX(m3.noalias() = m1 * m2.adjoint(), m1 * m2.adjoint().eval()); in product_extra() 42 …VERIFY_IS_APPROX(m3.noalias() = m1.adjoint() * square.adjoint(), m1.adjoint().eval() * square.ad… in product_extra() 43 VERIFY_IS_APPROX(m3.noalias() = m1.adjoint() * m2, m1.adjoint().eval() * m2); in product_extra() 44 …VERIFY_IS_APPROX(m3.noalias() = (s1 * m1.adjoint()) * m2, (s1 * m1.adjoint()).eval() * m2… in product_extra() 45 …VERIFY_IS_APPROX(m3.noalias() = ((s1 * m1).adjoint()) * m2, (numext::conj(s1) * m1.adjoint(… in product_extra() 46 …VERIFY_IS_APPROX(m3.noalias() = (- m1.adjoint() * s1) * (s3 * m2), (- m1.adjoint() * s1).eval() *… in product_extra() 47 …VERIFY_IS_APPROX(m3.noalias() = (s2 * m1.adjoint() * s1) * m2, (s2 * m1.adjoint() * s1).eval(… in product_extra() 48 …VERIFY_IS_APPROX(m3.noalias() = (-m1*s2) * s1*m2.adjoint(), (-m1*s2).eval() * (s1*m2.adjoin… in product_extra() 51 …VERIFY_IS_APPROX( m1.adjoint() * (s1*m2).conjugate(), (m1.adjoint()).eval() * ((s1*m2).conjugate()… in product_extra() 63 VERIFY_IS_APPROX((s1 * vc2.transpose()) * (-m1.adjoint() * s2), in product_extra() [all …]
|
D | product_selfadjoint.cpp | 38 m1 = (m1.adjoint() + m1).eval(); in product_selfadjoint() 43 …VERIFY_IS_APPROX(m2, (m1 + v1 * v2.adjoint()+ v2 * v1.adjoint()).template triangularView<Lower>().… in product_selfadjoint() 47 …VERIFY_IS_APPROX(m2, (m1 + (s3*(-v1)*(s2*v2).adjoint()+numext::conj(s3)*(s2*v2)*(-v1).adjoint())).… in product_selfadjoint() 50 m2.template selfadjointView<Upper>().rankUpdate(-s2*r1.adjoint(),r2.adjoint()*s3,s1); in product_selfadjoint() 51 …OX(m2, (m1 + s1*(-s2*r1.adjoint())*(r2.adjoint()*s3).adjoint() + numext::conj(s1)*(r2.adjoint()*s3… in product_selfadjoint() 58 …ws-1,cols-1) += v1.tail(rows-1) * v2.head(cols-1).adjoint()+ v2.head(cols-1) * v1.tail(rows-1).adj… in product_selfadjoint()
|
D | nomalloc.cpp | 48 m2.col(0).noalias() -= m1.adjoint() * m1.col(0); in nomalloc() 49 m2.col(0).noalias() -= m1 * m1.row(0).adjoint(); in nomalloc() 50 m2.col(0).noalias() -= m1.adjoint() * m1.row(0).adjoint(); in nomalloc() 53 m2.row(0).noalias() -= m1.row(0) * m1.adjoint(); in nomalloc() 54 m2.row(0).noalias() -= m1.col(0).adjoint() * m1; in nomalloc() 55 m2.row(0).noalias() -= m1.col(0).adjoint() * m1.adjoint(); in nomalloc() 59 m2.col(0).noalias() -= m1.adjoint().template triangularView<Upper>() * m1.col(0); in nomalloc() 60 m2.col(0).noalias() -= m1.template triangularView<Upper>() * m1.row(0).adjoint(); in nomalloc() 61 m2.col(0).noalias() -= m1.adjoint().template triangularView<Upper>() * m1.row(0).adjoint(); in nomalloc() 64 m2.row(0).noalias() -= m1.row(0) * m1.adjoint().template triangularView<Upper>(); in nomalloc() [all …]
|
D | product_trmm.cpp | 54 …VERIFY_IS_APPROX( ge_xs.noalias() = (s1*mat.adjoint()).template triangularView<Mode>() * (s2*ge_le… in trmm() 55 …VERIFY_IS_APPROX( ge_sx.noalias() = ge_right.transpose() * mat.adjoint().template triangularView<M… in trmm() 57 ….noalias() = (s1*mat.adjoint()).template triangularView<Mode>() * (s2*ge_left.adjoint()), s1*triTr… in trmm() 58 …_IS_APPROX( ge_sx.noalias() = ge_right.adjoint() * mat.adjoint().template triangularView<Mode>(), … in trmm() 61 …gate() * (s2*ge_left.adjoint())).eval(), ge_xs.noalias() += (s1*mat.adjoint()).template triangular… in trmm() 64 …ge_sx_save - (ge_right.adjoint() * (-s1 * triTr).conjugate()).eval(), ge_sx.noalias() -= (ge_right… in trmm() 66 … ge_xs = (s1*mat).adjoint().template triangularView<Mode>() * ge_left.adjoint(), numext::conj(s1) … in trmm()
|
D | eigensolver_generalized_real.cpp | 33 MatrixType spdA = a.adjoint() * a + a1.adjoint() * a1; in generalized_eigensolver_real() 34 MatrixType spdB = b.adjoint() * b + b1.adjoint() * b1; in generalized_eigensolver_real() 75 GeneralizedSelfAdjointEigenSolver<MatrixType> eig1(a.adjoint() * a,b.adjoint() * b); in generalized_eigensolver_real() 76 eig1.compute(a.adjoint() * a,b.adjoint() * b); in generalized_eigensolver_real() 77 GeneralizedEigenSolver<MatrixType> eig2(a.adjoint() * a,b.adjoint() * b); in generalized_eigensolver_real() 78 eig2.compute(a.adjoint() * a,b.adjoint() * b); in generalized_eigensolver_real()
|
D | product_symm.cpp | 27 m1 = (m1+m1.adjoint()).eval(); in symm() 54 VERIFY_IS_APPROX(rhs12 = (s1*m2).adjoint().template selfadjointView<Upper>() * (s2*rhs1), in symm() 55 rhs13 = (s1*m1).adjoint() * (s2*rhs1)); in symm() 57 VERIFY_IS_APPROX(rhs12 = (s1*m2).template selfadjointView<Lower>().adjoint() * (s2*rhs1), in symm() 58 rhs13 = (s1*m1).adjoint() * (s2*rhs1)); in symm() 67 VERIFY_IS_APPROX(rhs12 = (s1*m2).template selfadjointView<Lower>() * (s2*rhs2.adjoint()), in symm() 68 rhs13 = (s1*m1) * (s2*rhs2.adjoint())); in symm() 71 VERIFY_IS_APPROX(rhs12 = (s1*m2).template selfadjointView<Upper>() * (s2*rhs2.adjoint()), in symm() 72 rhs13 = (s1*m1) * (s2*rhs2.adjoint())); in symm() 75 …VERIFY_IS_APPROX(rhs12 = (s1*m2.adjoint()).template selfadjointView<Lower>() * (s2*rhs2.adjoint()), in symm() [all …]
|
D | product_mmtr.cpp | 48 CHECK_MMTR(matc, Lower, = s*soc*sor.adjoint()); in mmtr() 49 CHECK_MMTR(matc, Upper, = s*(soc*soc.adjoint())); in mmtr() 50 CHECK_MMTR(matr, Lower, = s*soc*soc.adjoint()); in mmtr() 51 CHECK_MMTR(matr, Upper, = soc*(s*sor.adjoint())); in mmtr() 53 CHECK_MMTR(matc, Lower, += s*soc*soc.adjoint()); in mmtr() 55 CHECK_MMTR(matr, Lower, += s*sor*soc.adjoint()); in mmtr() 56 CHECK_MMTR(matr, Upper, += soc*(s*soc.adjoint())); in mmtr() 58 CHECK_MMTR(matc, Lower, -= s*soc*soc.adjoint()); in mmtr() 60 CHECK_MMTR(matr, Lower, -= s*soc*soc.adjoint()); in mmtr() 61 CHECK_MMTR(matr, Upper, -= soc*(s*soc.adjoint())); in mmtr() [all …]
|
D | product_trmv.cpp | 60 …VERIFY((m3.adjoint() * v1).isApprox(m1.adjoint().template triangularView<Eigen::Lower>() * v1, lar… in trmv() 62 …VERIFY((m3.adjoint() * (s1*v1.conjugate())).isApprox(m1.adjoint().template triangularView<Eigen::U… in trmv() 68 …VERIFY((v1.adjoint() * m3).isApprox(v1.adjoint() * m1.template triangularView<Eigen::Lower>(), lar… in trmv() 69 …VERIFY((v1.adjoint() * m3.adjoint()).isApprox(v1.adjoint() * m1.template triangularView<Eigen::Low… in trmv()
|
/external/tensorflow/tensorflow/python/ops/linalg/ |
D | linear_operator.py | 540 linalg.adjoint(dense), 567 def _matmul(self, x, adjoint=False, adjoint_arg=False): argument 570 def matmul(self, x, adjoint=False, adjoint_arg=False, name="matmul"): argument 600 if adjoint or adjoint_arg: 615 self_dim = -2 if adjoint else -1 621 return self._matmul(x, adjoint=adjoint, adjoint_arg=adjoint_arg) 623 def _matvec(self, x, adjoint=False): argument 625 y_mat = self.matmul(x_mat, adjoint=adjoint) 628 def matvec(self, x, adjoint=False, name="matvec"): argument 658 self_dim = -2 if adjoint else -1 [all …]
|
D | linear_operator_adjoint.py | 189 def _matmul(self, x, adjoint=False, adjoint_arg=False): argument 191 x, adjoint=(not adjoint), adjoint_arg=adjoint_arg) 193 def _matvec(self, x, adjoint=False, adjoint_arg=False): argument 195 x, adjoint=(not adjoint), adjoint_arg=adjoint_arg) 210 def _solve(self, rhs, adjoint=False, adjoint_arg=False): argument 212 rhs, adjoint=(not adjoint), adjoint_arg=adjoint_arg) 214 def _solvevec(self, rhs, adjoint=False, adjoint_arg=False): argument 216 rhs, adjoint=(not adjoint), adjoint_arg=adjoint_arg) 221 return linalg.adjoint(self.operator.to_dense())
|
D | linear_operator_composition.py | 233 def _matmul(self, x, adjoint=False, adjoint_arg=False): argument 237 if adjoint: 243 x, adjoint=adjoint, adjoint_arg=adjoint_arg) 245 result = operator.matmul(result, adjoint=adjoint) 260 def _solve(self, rhs, adjoint=False, adjoint_arg=False): argument 268 if adjoint: 274 rhs, adjoint=adjoint, adjoint_arg=adjoint_arg) 276 solution = operator.solve(solution, adjoint=adjoint)
|
D | linear_operator_test_util.py | 135 def _make_rhs(self, operator, adjoint, with_batch=True): argument 152 def _make_x(self, operator, adjoint, with_batch=True): argument 252 for adjoint in self._adjoint_options: 259 operator, adjoint=adjoint, with_batch=with_batch) 263 linalg.adjoint(x), 264 adjoint=adjoint, 267 op_matmul = operator.matmul(x, adjoint=adjoint) 269 mat, x, adjoint_a=adjoint) 297 op_adjoint = operator.adjoint().to_dense() 299 mat_adjoint = linalg.adjoint(mat) [all …]
|
D | linear_operator_low_rank_update.py | 348 def _matmul(self, x, adjoint=False, adjoint_arg=False): argument 354 leading_term = l.matmul(x, adjoint=adjoint, adjoint_arg=adjoint_arg) 356 if adjoint: 359 d_uh_x = d.matmul(uh_x, adjoint=adjoint) 366 d_vh_x = d.matmul(vh_x, adjoint=adjoint) 403 def _solve(self, rhs, adjoint=False, adjoint_arg=False): argument 418 if adjoint: 426 linv_rhs = l.solve(rhs, adjoint=adjoint, adjoint_arg=adjoint_arg) 436 self._capacitance, vh_linv_rhs, adjoint=adjoint) 441 linv_u_capinv_vh_linv_rhs = l.solve(u_capinv_vh_linv_rhs, adjoint=adjoint)
|
D | linear_operator_kronecker.py | 277 def _matmul(self, x, adjoint=False, adjoint_arg=False): argument 316 x = linalg.adjoint(x) 342 if adjoint: 354 output = operator.matmul(output, adjoint=adjoint, adjoint_arg=False) 367 output = self.operators[-1].matvec(output, adjoint=adjoint) 377 if adjoint: 422 def _solve(self, rhs, adjoint=False, adjoint_arg=False): argument 432 rhs = linalg.adjoint(rhs) 459 if adjoint: 471 output = operator.solve(output, adjoint=adjoint, adjoint_arg=False) [all …]
|
D | linear_operator_inversion.py | 197 def _matmul(self, x, adjoint=False, adjoint_arg=False): argument 198 return self.operator.solve(x, adjoint=adjoint, adjoint_arg=adjoint_arg) 206 def _solve(self, rhs, adjoint=False, adjoint_arg=False): argument 207 return self.operator.matmul(rhs, adjoint=adjoint, adjoint_arg=adjoint_arg)
|
D | linear_operator_util.py | 342 def matrix_solve_with_broadcast(matrix, rhs, adjoint=False, name=None): argument 350 matrix, rhs, adjoint_a=adjoint) 356 matrix, rhs, adjoint=adjoint and still_need_to_transpose) 364 adjoint=False, argument 393 matrix, rhs, adjoint_a=adjoint) 397 if not still_need_to_transpose and adjoint: 407 adjoint=adjoint and still_need_to_transpose) 469 a = linalg.adjoint(a) 473 b = linalg.adjoint(b)
|
D | linear_operator_lower_triangular.py | 193 def _matmul(self, x, adjoint=False, adjoint_arg=False): argument 195 self._tril, x, adjoint_a=adjoint, adjoint_b=adjoint_arg) 204 def _solve(self, rhs, adjoint=False, adjoint_arg=False): argument 205 rhs = linalg.adjoint(rhs) if adjoint_arg else rhs 207 self._tril, rhs, lower=True, adjoint=adjoint)
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | matrix_solve_op_test.py | 45 for adjoint in False, True: 52 a_np = np.conj(np.transpose(a)) if adjoint else a 63 tf_ans = linalg_ops.matrix_solve(a_ph, b_ph, adjoint=adjoint) 66 tf_ans = linalg_ops.matrix_solve(a, b, adjoint=adjoint) 132 s1 = linalg_ops.matrix_solve(lhs1, rhs1, adjoint=adjoint_) 133 s2 = linalg_ops.matrix_solve(lhs2, rhs2, adjoint=adjoint_) 172 for adjoint in False, True: 180 x = linalg_ops.matrix_solve(matrix, rhs, adjoint=adjoint) 191 adjoint=adjoint)) 198 x = linalg_ops.matrix_solve(matrix, rhs, adjoint=adjoint) [all …]
|
D | matrix_inverse_op_test.py | 39 for adjoint in False, True: 43 inv = linalg_ops.matrix_inverse(y, adjoint=adjoint) 44 tf_ans = math_ops.matmul(inv, y, adjoint_b=adjoint) 150 inv1 = linalg_ops.matrix_inverse(matrix1, adjoint=adjoint_) 151 inv2 = linalg_ops.matrix_inverse(matrix2, adjoint=adjoint_) 184 for adjoint in False, True: 190 inv = linalg_ops.matrix_inverse(matrix, adjoint=adjoint) 197 shape=shape, adjoint=adjoint)) 204 inv = linalg_ops.matrix_inverse(matrix, adjoint=adjoint) 211 shape=shape, adjoint=adjoint))
|
/external/tensorflow/tensorflow/core/kernels/ |
D | cholesky_grad.cc | 108 C_bar = D.adjoint() in ComputeMatrix() 110 .solve(C_bar.adjoint()) in ComputeMatrix() 111 .adjoint(); in ComputeMatrix() 112 D_bar -= (C_bar.adjoint() * C).template triangularView<Eigen::Lower>(); in ComputeMatrix() 114 R_bar -= C_bar.adjoint() * B; in ComputeMatrix() 116 R_bar -= (D_bar + D_bar.adjoint()) * R; in ComputeMatrix() 150 d_bar -= (c.adjoint() * c_bar) / d; in CholeskyGradUnblocked() 152 r_bar -= d_stack_c_bar.adjoint() * r_stack_B; in CholeskyGradUnblocked()
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_MatrixSolve.pbtxt | 22 name: "adjoint" 25 adjoint. 32 a tensor shape `[..., M, K]`. If `adjoint` is `False` then each output matrix 34 If `adjoint` is `True` then each output matrix satisfies 35 `adjoint(matrix[..., :, :]) * output[..., :, :] = rhs[..., :, :]`.
|