/aosp_15_r20/prebuilts/go/linux-x86/src/math/cmplx/ |
D | cmath_test.go | 132 var conj = []complex128{ var 970 // Acos(Conj(z)) == Conj(Acos(z)) 971 if f := Acos(Conj(v.in)); !cAlike(Conj(v.want), f) && !cAlike(v.in, Conj(v.in)) { 972 t.Errorf("Acos(%g) = %g, want %g", Conj(v.in), f, Conj(v.want)) 995 // Acosh(Conj(z)) == Conj(Acosh(z)) 996 if f := Acosh(Conj(v.in)); !cAlike(Conj(v.want), f) && !cAlike(v.in, Conj(v.in)) { 997 t.Errorf("Acosh(%g) = %g, want %g", Conj(v.in), f, Conj(v.want)) 1021 // Asin(Conj(z)) == Asin(Sinh(z)) 1022 if f := Asin(Conj(v.in)); !cAlike(Conj(v.want), f) && !cAlike(v.in, Conj(v.in)) { 1023 t.Errorf("Asin(%g) = %g, want %g", Conj(v.in), f, Conj(v.want)) [all …]
|
/aosp_15_r20/external/pytorch/torch/fx/experimental/migrate_gradual_types/ |
H A D | constraint_transformation.py | 5 from torch.fx.experimental.migrate_gradual_types.constraint import T, BinConstraintD, Conj, Constra… 57 transformed_constraint = Conj([BinConstraintT(constraint.input_var, TensorType(dims), op_eq), 81 transformed_constraint = Conj([BinConstraintT(constraint.input_var, TensorType(dims), op_eq), 121 return Conj(all_constraints), counter 196 return Conj(constraints), counter 225 return Conj(new_dim_constraints), counter 235 conj = [BinConstraintT(constraint.lhs, Dyn, op_eq), 240 return Disj([Conj(conj), 282 @register_transformation_rule(Conj) 291 return Conj(new), counter [all …]
|
H A D | constraint_generator.py | 10 …Disj, TGreatestUpperBound, CalcMaxPool, CalcConv, Conj, BinConstraintT, CanReshape, BinConstraintD… 42 return Conj([c1, c2, *nat_constraints]), counter 82 inputs_dyn = Conj([BinConstraintT(bmm_input1, Dyn, op_eq), 86 input1_dyn = Conj([BinConstraintT(bmm_input1, Dyn, op_eq), 90 input2_dyn = Conj([BinConstraintT(bmm_input2, Dyn, op_eq), 98 inputs_are_tensors = Conj([BinConstraintT(bmm_input1, TensorType(dims_input1), op_eq), 129 …c2 = Conj([is_size_1, Disj([IndexSelect(i + 1, symbols[n.args[0]], dims[0], n.args[1], index_selec… 131 c3 = Conj([is_dyn, Disj([IndexSelect(i + 1, symbols[n.args[0]], Dyn, n.args[1], index_select) 228 is_dyn = Conj([BinConstraintT(from_arg, Dyn, op_eq), BinConstraintT(output, Dyn, op_eq)]) 313 c1 = Conj([input_dyn, output_dyn]) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/ |
H A D | math_grad.py | 306 math_ops.conj(left) * math_ops.conj(right), permuted_shape) 606 # op.output[0]: y = -b * conj(a)^2 608 ca = math_ops.conj(op.inputs[0]) 609 cg = math_ops.conj(grad) 616 # op.output[0]: y = -b * conj(a)^2 618 ca = math_ops.conj(op.inputs[0]) 619 cg = math_ops.conj(grad) 628 x = math_ops.conj(x) 642 y = op.outputs[0] # y = 0.5 * b / conj(a) 645 return -math_ops.conj(ga) * y, 0.5 * ga # pylint: disable=invalid-unary-operand-type [all …]
|
/aosp_15_r20/external/eigen/Eigen/src/Core/products/ |
H A D | SelfadjointMatrixMatrix.h | 33 blockA[count++] = numext::conj(lhs(k, i+w)); // transposed in pack() 44 blockA[count++] = numext::conj(lhs(k, i+w)); // transposed in pack() 95 blockA[count++] = numext::conj(lhs(k, i)); // transposed in operator() 145 blockB[count+0] = numext::conj(rhs(j2+0,k)); in operator() 146 blockB[count+1] = numext::conj(rhs(j2+1,k)); in operator() 147 blockB[count+2] = numext::conj(rhs(j2+2,k)); in operator() 148 blockB[count+3] = numext::conj(rhs(j2+3,k)); in operator() 149 blockB[count+4] = numext::conj(rhs(j2+4,k)); in operator() 150 blockB[count+5] = numext::conj(rhs(j2+5,k)); in operator() 151 blockB[count+6] = numext::conj(rhs(j2+6,k)); in operator() [all …]
|
H A D | SelfadjointRank2Update.h | 17 /* Optimized selfadjoint matrix += alpha * uv' + conj(alpha)*vu' 34 (numext::conj(alpha) * numext::conj(u.coeff(i))) * v.tail(size-i) 35 + (alpha * numext::conj(v.coeff(i))) * u.tail(size-i); 48 (numext::conj(alpha) * numext::conj(u.coeff(i))) * v.head(i+1) 49 + (alpha * numext::conj(v.coeff(i))) * u.head(i+1); 79 * numext::conj(VBlasTraits::extractScalarFactor(v.derived())); 81 actualAlpha = numext::conj(actualAlpha);
|
/aosp_15_r20/external/eigen/blas/ |
H A D | level3_impl.h | 23 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,ColMajor,false,Co… in EIGEN_BLAS_FUNC() 30 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,RowMajor,false,Co… in EIGEN_BLAS_FUNC() 33 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,ColMajor,false,Scalar,RowMajor,Conj, Co… in EIGEN_BLAS_FUNC() 35 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,false,Scalar,RowMajor,Conj, Co… in EIGEN_BLAS_FUNC() 37 …(internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,RowMajor,Conj, Co… in EIGEN_BLAS_FUNC() 89 …(internal::triangular_solve_matrix<Scalar,DenseIndex,OnTheLeft, Lower|0, Conj, RowMajor,C… in EIGEN_BLAS_FUNC() 96 …(internal::triangular_solve_matrix<Scalar,DenseIndex,OnTheRight,Lower|0, Conj, RowMajor,C… in EIGEN_BLAS_FUNC() 103 …(internal::triangular_solve_matrix<Scalar,DenseIndex,OnTheLeft, Upper|0, Conj, RowMajor,C… in EIGEN_BLAS_FUNC() 110 …(internal::triangular_solve_matrix<Scalar,DenseIndex,OnTheRight,Upper|0, Conj, RowMajor,C… in EIGEN_BLAS_FUNC() 117 …(internal::triangular_solve_matrix<Scalar,DenseIndex,OnTheLeft, Lower|UnitDiag,Conj, RowMajor,ColM… in EIGEN_BLAS_FUNC() [all …]
|
H A D | level2_impl.h | 36 (general_matrix_vector_product_wrapper<int,Scalar,RowMajor,Conj ,false>::run), in EIGEN_BLAS_FUNC() 95 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Lower|0, Conj, RowMajor>::ru… in EIGEN_BLAS_FUNC() 102 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Upper|0, Conj, RowMajor>::ru… in EIGEN_BLAS_FUNC() 109 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Lower|UnitDiag,Conj, RowMajor>::ru… in EIGEN_BLAS_FUNC() 116 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Upper|UnitDiag,Conj, RowMajor>::ru… in EIGEN_BLAS_FUNC() 154 …(internal::triangular_matrix_vector_product<int,Lower|0, Scalar,Conj, Scalar,false,RowMajor>… in EIGEN_BLAS_FUNC() 161 …(internal::triangular_matrix_vector_product<int,Upper|0, Scalar,Conj, Scalar,false,RowMajor>… in EIGEN_BLAS_FUNC() 168 …(internal::triangular_matrix_vector_product<int,Lower|UnitDiag,Scalar,Conj, Scalar,false,RowMajor>… in EIGEN_BLAS_FUNC() 175 …(internal::triangular_matrix_vector_product<int,Upper|UnitDiag,Scalar,Conj, Scalar,false,RowMajor>… in EIGEN_BLAS_FUNC() 359 … (internal::band_solve_triangular_selector<int,Lower|0, Scalar,Conj, Scalar,RowMajor>::run), in EIGEN_BLAS_FUNC() [all …]
|
H A D | Rank2Update.h | 15 /* Optimized selfadjoint matrix += alpha * uv' + conj(alpha)*vu' 27 …numext::conj(alpha) * numext::conj(u[i]) * OtherMap(v+(UpLo==Lower ? i : 0), UpLo==Lower ? size-i … in run() 28 … + alpha * numext::conj(v[i]) * OtherMap(u+(UpLo==Lower ? i : 0), UpLo==Lower ? size-i : (i+1)); in run() 33 /* Optimized selfadjoint matrix += alpha * uv' + conj(alpha)*vu' 46 …numext::conj(alpha) * numext::conj(u[i]) * OtherMap(v+(UpLo==Lower ? i : 0), UpLo==Lower ? size-i … in run() 47 … + alpha * numext::conj(v[i]) * OtherMap(u+(UpLo==Lower ? i : 0), UpLo==Lower ? size-i : (i+1)); in run()
|
/aosp_15_r20/external/libcxx/test/std/numerics/complex.number/cmplx.over/ |
H A D | conj.pass.cpp | 12 // template<class T> complex<T> conj(const complex<T>&); 13 // complex<long double> conj(long double); 14 // complex<double> conj(double); 15 // template<Integral T> complex<double> conj(T); 16 // complex<float> conj(float); 28 static_assert((std::is_same<decltype(std::conj(x)), std::complex<double> >::value), ""); in test() 29 assert(std::conj(x) == conj(std::complex<double>(x, 0))); in test() 36 static_assert((std::is_same<decltype(std::conj(x)), std::complex<T> >::value), ""); in test() 37 assert(std::conj(x) == conj(std::complex<T>(x, 0))); in test() 45 static_assert((std::is_same<decltype(std::conj(x)), std::complex<T> >::value), ""); in test() [all …]
|
/aosp_15_r20/external/pytorch/tools/autograd/ |
H A D | derivatives.yaml | 223 result: handle_r_to_c(result.scalar_type(), self_t.conj() * self_p.sgn()) 226 self: grad * -((-self * self + 1).rsqrt()).conj() 231 other: handle_r_to_c(other.scalar_type(), maybe_multiply(grad, alpha.conj())) 239 self: maybe_multiply(grad, beta.conj()) 240 …ize(0), batch1.sym_size(1), batch2.sym_size(2) }).bmm(batch2.transpose(1, 2).conj()), alpha.conj()) 241 ….transpose(1, 2).conj().bmm(grad.unsqueeze(0).expand_symint({ batch1.sym_size(0), batch1.sym_size(… 246 tensor1: handle_r_to_c(tensor1.scalar_type(), grad * (value / tensor2).conj()) 247 …nsor2: handle_r_to_c(tensor2.scalar_type(), -grad * (value * tensor1 / (tensor2 * tensor2)).conj()) 252 tensor1: handle_r_to_c(tensor1.scalar_type(), grad * (tensor2 * value).conj()) 253 tensor2: handle_r_to_c(tensor2.scalar_type(), grad * (tensor1 * value).conj()) [all …]
|
/aosp_15_r20/external/cronet/third_party/libc++/src/test/std/numerics/complex.number/cmplx.over/ |
H A D | conj.pass.cpp | 11 // template<class T> complex<T> conj(const complex<T>&); // constexpr in C++20 12 // complex<long double> conj(long double); // constexpr in C++20 13 // complex<double> conj(double); // constexpr in C++20 14 // template<Integral T> complex<double> conj(T); // constexpr in C++20 15 // complex<float> conj(float); // constexpr in C++20 29 static_assert((std::is_same<decltype(std::conj(x)), std::complex<double> >::value), ""); in test() 30 assert(std::conj(x) == conj(std::complex<double>(x, 0))); in test() 38 static_assert((std::is_same<decltype(std::conj(x)), std::complex<T> >::value), ""); in test() 39 assert(std::conj(x) == conj(std::complex<T>(x, 0))); in test() 48 static_assert((std::is_same<decltype(std::conj(x)), std::complex<T> >::value), ""); in test() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/linalg/sparse/ |
H A D | sparse_csr_matrix_grad.py | 166 a = math_ops.conj(a) if adjoint_a else a 167 b = math_ops.conj(b) if adjoint_b else b 225 conj = math_ops.conj 237 grad = conj(grad) 241 a = conj(a) 242 b = conj(b) 265 conj(a), grad, transpose_output=True, conjugate_output=True) 269 a = conj(a) 270 b = conj(b) 281 grad_a = matmul(b, conj(grad), adjoint_a=adj_b) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/sparse/ |
H A D | transpose_op.h | 34 functor::UnaryFunctor<Device, functor::conj<complex64>> conj; 35 conj(d, t->flat<complex64>() /*out*/, 43 functor::UnaryFunctor<Device, functor::conj<complex128>> conj; 44 conj(d, t->flat<complex128>() /*out*/, 57 functor::UnaryFunctor<Device, functor::conj<complex64>> conj; 58 conj(d, out->flat<complex64>() /*out*/, in.flat<complex64>() /*in*/); 65 functor::UnaryFunctor<Device, functor::conj<complex128>> conj; 66 conj(d, out->flat<complex128>() /*out*/, in.flat<complex128>() /*in*/);
|
/aosp_15_r20/external/eigen/Eigen/src/Jacobi/ |
H A D | Jacobi.h | 56 using numext::conj; 57 return JacobiRotation(m_c * other.m_c - conj(m_s) * other.m_s, 58 conj(m_c * conj(other.m_s) + conj(m_s) * conj(other.m_c))); 63 JacobiRotation transpose() const { using numext::conj; return JacobiRotation(m_c, -conj(m_s)); } in transpose() 67 JacobiRotation adjoint() const { using numext::conj; return JacobiRotation(conj(m_c), -m_s); } in adjoint() 121 m_s = - sign_t * (numext::conj(y) / abs(y)) * abs(t) * n; in makeJacobi() 175 using numext::conj; in makeGivens() 205 m_s = -qs*conj(ps)*(m_c/p2); in makeGivens() 222 m_s = -conj(ps) * (q/u); in makeGivens() 331 *x = c * xi + numext::conj(s) * yi; in run() [all …]
|
/aosp_15_r20/external/rust/android-crates-io/crates/num-complex/src/ |
D | lib.rs | 175 pub fn conj(&self) -> Self { in conj() method 597 self.conj() / norm / norm in finv() 1703 assert_eq!(c.conj(), Complex::new(c.re, -c.im)); in test_conj() 1704 assert_eq!(c.conj().conj(), c); in test_conj() 1710 assert_eq!(_1_1i.inv(), _05_05i.conj()); in test_inv() 1893 // e^conj(z) = conj(e^z) in test_exp() 1894 assert!(close(c.conj().exp(), c.exp().conj())); in test_exp() 1938 // ln(conj(z() = conj(ln(z)) in test_ln() 1939 assert!(close(c.conj().ln(), c.ln().conj())); in test_ln() 2026 // sqrt(conj(z() = conj(sqrt(z)) in test_sqrt() [all …]
|
/aosp_15_r20/external/eigen/Eigen/src/Geometry/ |
H A D | OrthoMethods.h | 45 numext::conj(lhs.coeff(1) * rhs.coeff(2) - lhs.coeff(2) * rhs.coeff(1)), in cross() 46 numext::conj(lhs.coeff(2) * rhs.coeff(0) - lhs.coeff(0) * rhs.coeff(2)), in cross() 47 numext::conj(lhs.coeff(0) * rhs.coeff(1) - lhs.coeff(1) * rhs.coeff(0)) in cross() 61 numext::conj(lhs.coeff(1) * rhs.coeff(2) - lhs.coeff(2) * rhs.coeff(1)), in run() 62 numext::conj(lhs.coeff(2) * rhs.coeff(0) - lhs.coeff(0) * rhs.coeff(2)), in run() 63 numext::conj(lhs.coeff(0) * rhs.coeff(1) - lhs.coeff(1) * rhs.coeff(0)), in run() 157 perp.coeffRef(maxi) = -numext::conj(src.coeff(sndi)) * invnm; in run() 158 perp.coeffRef(sndi) = numext::conj(src.coeff(maxi)) * invnm; in run() 185 perp.coeffRef(0) = -numext::conj(src.y())*invnm; 186 perp.coeffRef(1) = numext::conj(src.x())*invnm; [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/ |
H A D | tf_trait_folds.mlir | 6 // CHECK: [[CONJ:%.+]] = "tf.Conj"([[ARG0]]) 7 %0 = "tf.Conj"(%arg0) : (tensor<complex<f32>>) -> tensor<complex<f32>> 8 // CHECK: return [[CONJ]] 15 %0 = "tf.Conj"(%arg0) : (tensor<complex<f32>>) -> tensor<complex<f32>> 16 %1 = "tf.Conj"(%0) : (tensor<complex<f32>>) -> tensor<complex<f32>> 24 // CHECK: [[CONJ:%.+]] = "tf.Conj"([[ARG0]]) 25 %0 = "tf.Conj"(%arg0) : (tensor<complex<f32>>) -> tensor<complex<f32>> 26 %1 = "tf.Conj"(%0) : (tensor<complex<f32>>) -> tensor<complex<f32>> 27 %2 = "tf.Conj"(%1) : (tensor<complex<f32>>) -> tensor<complex<f32>> 28 // CHECK: return [[CONJ]]
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A D | cwise_op_conj.cc | 21 REGISTER2(UnaryOp, CPU, "Conj", functor::conj, complex64, complex128); 23 REGISTER_VARIANT(UnaryVariantOp, CPU, "Conj", CONJ_VARIANT_UNARY_OP); 27 Name("Conj").Device(DEVICE_GPU).TypeConstraint<Variant>("T"), 31 Name("Conj").Device(DEVICE_GPU).TypeConstraint<complex64>("T"), 32 UnaryOp<GPUDevice, functor::conj<complex64>>); 34 Name("Conj").Device(DEVICE_GPU).TypeConstraint<complex128>("T"), 35 UnaryOp<GPUDevice, functor::conj<complex128>>);
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/service/ |
H A D | qr_expander.cc | 99 // beta = -np.sign(np.real(alpha)) * np.sqrt(alpha * np.conj(alpha) + xnorm) 131 // sigma = np.dot(x[k+1:], np.conj(x[k+1:])) in House() 132 auto x_squared = Real(x_after_k * Conj(x_after_k)); in House() 191 // a[:, j+1:] -= np.conj(tau) * np.dot(v[:, np.newaxis], 192 // np.dot(np.conj(v[np.newaxis, :]), a[:, j+1:])) 242 // a[:, j+1:] -= np.conj(tau) * (v[:, np.newaxis] @ in QrBlock() 243 // (np.conj(v[np.newaxis, :]) @ a[:, j+1:])) in QrBlock() 314 // vtv = -taus[None, :] * np.triu(np.conj(vs.T) @ vs, 1) + np.eye(n) 370 // a[i:, i+k:] += (y @ np.conj(t.T)) @ (np.conj(y.T) @ a[i:, i+k:]) 371 // q[:, i:] += (q[:, i:] @ y) @ np.conj((y @ np.conj(t.T)).T) [all …]
|
/aosp_15_r20/external/eigen/Eigen/src/Core/arch/Default/ |
H A D | ConjHelper.h | 48 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE T operator()(const T& x) const { return numext::conj(x); } 83 // We save a conjuation by using the identity conj(a)*conj(b) = conj(a*b). 86 { return numext::conj(x * y); } 109 // We save a conjuation by using the identity conj(a)*conj(b) = conj(a*b).
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | Blas.cpp | 163 return (at::native::dot(self.conj(), other.conj())).conj(); in dot() 165 return at::native::vdot(self.conj(), other); in dot() 168 return at::native::vdot(other.conj(), self); in dot() 201 return at::native::vdot(other.conj(), self.conj()); in vdot() 203 return at::native::dot(self.conj(), other); in vdot() 206 return (at::native::dot(self, other.conj())).conj(); in vdot()
|
H A D | Repeat.cpp | 61 // Store conj and neg bits in repeat_interleave_symint() 62 const auto conj = input.is_conj(); in repeat_interleave_symint() local 63 if (conj) { in repeat_interleave_symint() 64 input = input.conj(); in repeat_interleave_symint() 91 // Restore conj and neg bits in repeat_interleave_symint() 92 if (conj) { in repeat_interleave_symint() 93 ret = ret.conj(); in repeat_interleave_symint()
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/linalg/ |
H A D | linear_operator_adjoint_test.py | 153 matrix2.conj().T), 158 np.matmul(matrix1.conj().T, matrix2), 163 np.matmul(matrix1.conj().T, 164 matrix2.conj().T), 216 matrix2.conj().T)), 222 linalg.triangular_solve(matrix1.conj().T, matrix2, lower=False)), 229 matrix1.conj().T, matrix2.conj().T, lower=False)),
|
/aosp_15_r20/external/cblas/testing/ |
H A D | c_cblat3.f | 794 LOGICAL CONJ, LEFT, NULL, RESET, SAME local 814 CONJ = SNAME( 8: 9 ).EQ.'he' 918 IF( CONJ )THEN 1479 LOGICAL CONJ, NULL, RESET, SAME, TRAN, UPPER local 1499 CONJ = SNAME( 8: 9 ).EQ.'he' 1523 IF( TRAN.AND..NOT.CONJ ) 1552 IF( CONJ )THEN 1559 IF( CONJ )THEN 1564 IF( CONJ ) 1581 IF( CONJ )THEN [all …]
|