/external/libcxx/test/std/numerics/complex.number/cmplx.over/ |
D | conj.pass.cpp | 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() 46 assert(std::conj(x) == conj(std::complex<T>(x, 0))); in test()
|
D | UDT_is_rejected.fail.cpp | 61 std::conj(ft); // expected-error {{no matching function}} in main() 62 std::conj(dt); // expected-error {{no matching function}} in main() 63 std::conj(ldt); // expected-error {{no matching function}} in main() 64 std::conj(it); // expected-error {{no matching function}} in main() 65 std::conj(uit); // expected-error {{no matching function}} in main()
|
/external/eigen/Eigen/src/Geometry/ |
D | OrthoMethods.h | 44 numext::conj(lhs.coeff(1) * rhs.coeff(2) - lhs.coeff(2) * rhs.coeff(1)), in cross() 45 numext::conj(lhs.coeff(2) * rhs.coeff(0) - lhs.coeff(0) * rhs.coeff(2)), in cross() 46 numext::conj(lhs.coeff(0) * rhs.coeff(1) - lhs.coeff(1) * rhs.coeff(0)) in cross() 60 numext::conj(lhs.coeff(1) * rhs.coeff(2) - lhs.coeff(2) * rhs.coeff(1)), in run() 61 numext::conj(lhs.coeff(2) * rhs.coeff(0) - lhs.coeff(0) * rhs.coeff(2)), in run() 62 numext::conj(lhs.coeff(0) * rhs.coeff(1) - lhs.coeff(1) * rhs.coeff(0)), in run() 156 perp.coeffRef(maxi) = -numext::conj(src.coeff(sndi)) * invnm; in run() 157 perp.coeffRef(sndi) = numext::conj(src.coeff(maxi)) * invnm; in run() 184 perp.coeffRef(0) = -numext::conj(src.y())*invnm; 185 perp.coeffRef(1) = numext::conj(src.x())*invnm; [all …]
|
/external/eigen/Eigen/src/Core/products/ |
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() 78 blockA[count++] = numext::conj(lhs(k, i)); // transposed in operator() 128 blockB[count+0] = numext::conj(rhs(j2+0,k)); in operator() 129 blockB[count+1] = numext::conj(rhs(j2+1,k)); in operator() 130 blockB[count+2] = numext::conj(rhs(j2+2,k)); in operator() 131 blockB[count+3] = numext::conj(rhs(j2+3,k)); in operator() 132 blockB[count+4] = numext::conj(rhs(j2+4,k)); in operator() 133 blockB[count+5] = numext::conj(rhs(j2+5,k)); in operator() 134 blockB[count+6] = numext::conj(rhs(j2+6,k)); in operator() [all …]
|
D | SelfadjointRank2Update.h | 33 (numext::conj(alpha) * numext::conj(u.coeff(i))) * v.tail(size-i) 34 + (alpha * numext::conj(v.coeff(i))) * u.tail(size-i); 47 (numext::conj(alpha) * numext::conj(u.coeff(i))) * v.head(i+1) 48 + (alpha * numext::conj(v.coeff(i))) * u.head(i+1); 78 * numext::conj(VBlasTraits::extractScalarFactor(v.derived())); 80 actualAlpha = numext::conj(actualAlpha);
|
D | TriangularSolverMatrix.h | 77 conj_if<Conjugate> conj; 124 Scalar a = (Mode & UnitDiag) ? Scalar(1) : Scalar(1)/conj(tri(i,i)); 133 b += conj(l[i3]) * r[i3]; 143 r[i3] -= b * conj(l[i3]); 228 conj_if<Conjugate> conj; 303 Scalar b = conj(rhs(IsLower ? j+1+k3 : absolute_j2+k3,j)); 310 Scalar inv_rjj = RealScalar(1)/conj(rhs(j,j));
|
/external/tensorflow/tensorflow/python/ops/ |
D | math_grad.py | 179 y = array_ops.reshape(math_ops.conj(left) * math_ops.conj(right), 426 ca = math_ops.conj(op.inputs[0]) 427 cg = math_ops.conj(grad) 436 ca = math_ops.conj(op.inputs[0]) 437 cg = math_ops.conj(grad) 446 x = math_ops.conj(x) 463 return -gen_math_ops.mul_no_nan(y, math_ops.conj(ga)), 0.5 * ga 479 ca = math_ops.conj(a) 480 cg = math_ops.conj(grad) 491 y = math_ops.conj(y) [all …]
|
/external/eigen/Eigen/src/Jacobi/ |
D | Jacobi.h | 53 using numext::conj; 54 return JacobiRotation(m_c * other.m_c - conj(m_s) * other.m_s, 55 conj(m_c * conj(other.m_s) + conj(m_s) * conj(other.m_c))); 59 JacobiRotation transpose() const { using numext::conj; return JacobiRotation(m_c, -conj(m_s)); } in transpose() 62 JacobiRotation adjoint() const { using numext::conj; return JacobiRotation(conj(m_c), -m_s); } in adjoint() 110 m_s = - sign_t * (numext::conj(y) / abs(y)) * abs(t) * n; in makeJacobi() 161 using numext::conj; in makeGivens() 191 m_s = -qs*conj(ps)*(m_c/p2); in makeGivens() 208 m_s = -conj(ps) * (q/u); in makeGivens() 346 x[i] = c * xi + numext::conj(s) * yi; in apply_rotation_in_the_plane() [all …]
|
/external/eigen/blas/ |
D | Rank2Update.h | 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() 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()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | self_adjoint_eig_v2_op_gpu.cc | 110 functor::UnaryFunctor<GPUDevice, functor::conj<Scalar>> conj; in ComputeAsync() local 111 conj(device, input_copy.flat<Scalar>() /*out*/, in ComputeAsync() 119 functor::UnaryFunctor<GPUDevice, functor::conj<Scalar>> conj; in ComputeAsync() local 120 conj(device, const_cast<Tensor*>(&input)->flat<Scalar>() /*out*/, in ComputeAsync()
|
D | cwise_op_conj.cc | 21 REGISTER2(UnaryOp, CPU, "Conj", functor::conj, complex64, complex128); 31 UnaryOp<GPUDevice, functor::conj<complex64>>); 34 UnaryOp<GPUDevice, functor::conj<complex128>>);
|
D | cwise_op_gpu_conj.cu.cc | 22 DEFINE_UNARY1(conj, complex64); 23 DEFINE_UNARY1(conj, complex128);
|
D | cwise_ops_gradients.h | 81 const T out_conj = numext::conj(output); 110 const T out_conj = numext::conj(output); 140 const T out_conj = numext::conj(output);
|
/external/webrtc/webrtc/modules/audio_processing/intelligibility/ |
D | intelligibility_utils.cc | 121 (old_sum + std::conj(sample - old_mean) * (sample - running_mean_[i])) in InfiniteStep() 141 running_mean_sq_[i] = sample * std::conj(sample); in DecayStep() 148 decay_ * prev2 + (1.0f - decay_) * sample * std::conj(sample); in DecayStep() 150 running_mean_[i] * std::conj(running_mean_[i])).real(); in DecayStep() 179 (old_sum + std::conj(sample - old_mean) * (sample - mean)).real(); in WindowedStep() 197 AddToMean(data[i] * std::conj(data[i]), count_ + 1, in BlockedStep() 205 std::conj(NewMean(running_mean_[i], sub_running_mean_[i], blocks))) in BlockedStep() 233 sub_running_mean_sq_[i] += data[i] * std::conj(data[i]); in BlockBasedMovingAverage() 259 std::conj(running_mean_[i]) * scale); in BlockBasedMovingAverage()
|
/external/eigen/test/ |
D | adjoint.cpp | 19 …_isApproxWithRef((s1 * v1 + s2 * v2).dot(v3), numext::conj(s1) * v1.dot(v3) + numext::conj(s2)… in run() 34 …_isApproxWithRef((s1 * v1 + s2 * v2).dot(v3), numext::conj(s1) * v1.dot(v3) + numext::conj(s2)… in run() 101 VERIFY_IS_APPROX((s1 * m1).adjoint(), numext::conj(s1) * m1.adjoint()); in adjoint() 104 VERIFY_IS_APPROX(numext::conj(v1.dot(v2)), v2.dot(v1)); in adjoint() 114 VERIFY_IS_APPROX(m1.conjugate()(r,c), numext::conj(m1(r,c))); in adjoint() 115 VERIFY_IS_APPROX(m1.adjoint()(c,r), numext::conj(m1(r,c))); in adjoint()
|
D | jacobi.cpp | 43 VERIFY_IS_APPROX(b.row(p), c * a.row(p) + numext::conj(s) * a.row(q)); in jacobi() 44 VERIFY_IS_APPROX(b.row(q), -s * a.row(p) + numext::conj(c) * a.row(q)); in jacobi() 57 VERIFY_IS_APPROX(b.col(q), numext::conj(s) * a.col(p) + numext::conj(c) * a.col(q)); in jacobi()
|
/external/speex/libspeexdsp/ |
D | echo_diagnostic.m | 21 corr = real(ifft(fft(rec).*conj(fft(play)))); 22 acorr = real(ifft(fft(play).*conj(fft(play)))); 40 corr1 = real(ifft(fft(rec(1:N2)).*conj(fft(play(1:N2))))); 41 corr2 = real(ifft(fft(rec(N2+1:end)).*conj(fft(play(N2+1:end)))));
|
/external/tensorflow/tensorflow/python/ops/linalg/ |
D | adjoint_registrations.py | 61 multiplier = math_ops.conj(multiplier) 77 diag = math_ops.conj(diag) 119 spectrum = math_ops.conj(spectrum)
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | matrix_solve_ls_op_test.py | 69 gramian = np.dot(np.conj(matrix.T), matrix) + preconditioner 70 rhs = np.dot(np.conj(matrix.T), rhs) 74 gramian = np.dot(matrix, np.conj(matrix.T)) + preconditioner 76 return np.dot(np.conj(matrix.T), z) 105 np_r = np.dot(np.conj(a.T), b - np.dot(a, np_ans)) 106 np_r_norm = np.sqrt(np.sum(np.conj(np_r) * np_r))
|
/external/eigen/Eigen/src/SparseCholesky/ |
D | SimplicialCholesky_impl.h | 134 y[i] += numext::conj(it.value()); /* scatter A(i,k) into Y (sum duplicates) */ in factorize_preordered() 166 y[Li[p]] -= numext::conj(Lx[p]) * yi; in factorize_preordered() 167 d -= numext::real(l_ki * numext::conj(yi)); in factorize_preordered()
|
/external/eigen/unsupported/Eigen/src/FFT/ |
D | ei_kissfft_impl.h | 324 Complex fpnk = conj(dst[ncfft-k]); in fwd() 329 dst[ncfft-k] = conj(f1k -tw)*Scalar(.5); in fwd() 352 m_tmpBuf1[nfft-k] = conj(m_tmpBuf1[k]); in inv() 365 Complex fnkc = conj(src[ncfft-k]); in inv() 368 Complex fok = tmp * conj(rtw[k-1]); in inv() 370 m_tmpBuf1[ncfft-k] = conj(fek - fok); in inv()
|
/external/webrtc/webrtc/modules/audio_processing/beamformer/ |
D | complex_matrix.h | 41 data[i] = conj(data[i]); in PointwiseConjugate() 87 elements[i][j] = conj(src[j][i]); in ConjugateTranspose()
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_SparseTensorDenseMatMul.pbtxt | 31 is transpose(conj(A)). Otherwise it's transpose(A). 38 is transpose(conj(B)). Otherwise it's transpose(B).
|
/external/eigen/Eigen/src/SparseCore/ |
D | SparseDot.h | 34 res += numext::conj(i.value()) * other.coeff(i.index()); in dot() 64 res += numext::conj(i.value()) * j.value(); in dot()
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_of_complex.cpp | 64 VERIFY_IS_APPROX(conj1(i), std::conj(data1(i))); in test_conjugate() 65 VERIFY_IS_APPROX(conj2(i), std::conj(data2(i))); in test_conjugate()
|