Home
last modified time | relevance | path

Searched refs:complex128 (Results 1 – 25 of 320) sorted by relevance

12345678910>>...13

/external/tensorflow/tensorflow/core/kernels/
Dreduction_ops_gpu_complex128.cu.cc54 DEFINE_FOR_TYPE_AND_R(complex128, Eigen::internal::SumReducer<complex128>);
55 DEFINE_FOR_TYPE_AND_R(complex128, functor::MeanReducer<complex128>);
56 DEFINE_FOR_TYPE_AND_R(complex128, functor::EuclideanNormReducer<complex128>);
57 DEFINE_FOR_TYPE_AND_R(complex128, Eigen::internal::ProdReducer<complex128>);
Dcwise_op_div.cc20 bfloat16, complex64, complex128);
26 bfloat16, complex64, complex128);
28 double, complex64, complex128);
35 uint16, int16, int64, complex64, complex128);
37 complex64, complex128);
42 complex128);
43 REGISTER2(BinaryOp, GPU, "RealDiv", functor::div, complex64, complex128);
47 double, complex64, complex128);
Dcwise_op_add_2.cc26 complex128, tstring);
30 uint16, uint32, uint64, complex128);
35 complex64, complex128);
38 int64, complex64, complex128);
42 complex128);
45 complex64, complex128);
Dcwise_op_reciprocal.cc20 complex64, complex128);
27 Eigen::half, double, complex64, complex128);
34 bfloat16, double, complex64, complex128);
41 Eigen::half, bfloat16, double, complex64, complex128);
Dcwise_op_gpu_div.cu.cc25 int64, complex64, complex128);
27 DEFINE_BINARY4(div, uint8, uint16, complex64, complex128);
29 DEFINE_BINARY5(div_no_nan, Eigen::half, float, double, complex64, complex128);
Dcwise_op_equal_to_2.cc26 complex128, tstring, bool);
31 complex64, complex128, bool);
33 REGISTER2(BinaryOp, GPU, "Equal", functor::equal_to, complex64, complex128);
Dcwise_op_not_equal_to_2.cc26 complex64, complex128, tstring, bool);
31 complex64, complex128, bool);
34 complex128);
Dcwise_op_mul_2.cc26 int16, int64, complex64, complex128);
31 int16, int64, complex64, complex128);
34 complex128);
Dcwise_op_sign.cc20 complex64, Eigen::half, bfloat16, complex128);
25 int64, complex64, complex128);
27 REGISTER2(UnaryOp, GPU, "Sign", functor::sign, complex64, complex128);
Dcwise_op_conj.cc21 REGISTER2(UnaryOp, CPU, "Conj", functor::conj, complex64, complex128);
34 Name("Conj").Device(DEVICE_GPU).TypeConstraint<complex128>("T"),
35 UnaryOp<GPUDevice, functor::conj<complex128>>);
Dcwise_op_sub.cc20 int64, bfloat16, complex64, complex128);
36 complex64, complex128, uint32, uint64);
38 REGISTER3(BinaryOp, GPU, "Sub", functor::sub, complex64, complex128, uint64);
/external/tensorflow/tensorflow/core/kernels/sparse/
Dtranspose_op.h41 struct maybe_conj_inplace<Device, complex128> {
43 functor::UnaryFunctor<Device, functor::conj<complex128>> conj;
44 conj(d, t->flat<complex128>() /*out*/,
45 const_cast<const Tensor*>(t)->flat<complex128>() /*in*/);
63 struct maybe_conj<Device, complex128> {
65 functor::UnaryFunctor<Device, functor::conj<complex128>> conj;
66 conj(d, out->flat<complex128>() /*out*/, in.flat<complex128>() /*in*/);
/external/tensorflow/tensorflow/compiler/xla/tests/
Dliteral_test_util_test.cc52 LiteralUtil::CreateR0<complex128>({42.0, 64.0}), in TEST()
53 LiteralUtil::CreateR0<complex128>({64.0, 42.0}), in TEST()
83 LiteralUtil::CreateR0<complex128>({42.0, 64.0}), in TEST()
84 LiteralUtil::CreateR0<complex128>({64.0, 42.0}), in TEST()
87 LiteralUtil::CreateR0<complex128>({64.0, 42.0}), in TEST()
88 LiteralUtil::CreateR0<complex128>({42.0, 64.0}), in TEST()
91 LiteralUtil::CreateR0<complex128>({42.42, 64.0}), in TEST()
92 LiteralUtil::CreateR0<complex128>({64.0, 42.0}), in TEST()
95 LiteralUtil::CreateR0<complex128>({42.0, 64.0}), in TEST()
96 LiteralUtil::CreateR0<complex128>({64.0, 42.42}), in TEST()
[all …]
Dexhaustive_unary_test_complex.cc110 std::sqrt<double>(static_cast<complex128>(x))); in __anonc2c5ee530402()
117 complex128(1, 0) / std::sqrt<double>(static_cast<complex128>(x))); in __anonc2c5ee530502()
139 return static_cast<complex64>(std::tanh(static_cast<complex128>(x))); in __anonc2c5ee530702()
188 Run(Log, [](complex128 x) { return std::log<double>(x); }); in __anonc2c5ee530902()
197 Run(Sqrt, [](complex128 x) { return std::sqrt<double>(x); }); in __anonc2c5ee530b02()
205 error_spec_gen = [](complex128 x) { in __anonc2c5ee530c02()
216 [](complex128 x) { return complex128(1, 0) / std::sqrt<double>(x); }, in __anonc2c5ee530d02()
223 Tanh, +[](complex128 x) { return std::tanh(x); }); in __anonc2c5ee530e02()
/external/tensorflow/tensorflow/core/kernels/linalg/
Ddeterminant_op_gpu.cu.cc68 __device__ inline complex128 operator*(const complex128& a, in operator *()
69 const complex128& b) { in operator *()
72 __device__ inline complex128 operator*(const complex128& a, const double& b) { in operator *()
73 return complex128(Eigen::numext::real(a) * b, Eigen::numext::imag(a) * b); in operator *()
75 __device__ inline complex128 operator/(const complex128& a, const double& b) { in operator /()
143 template struct DeterminantFromPivotedLUFunctor<GPUDevice, complex128>;
165 template struct LogDeterminantFromPivotedLUFunctor<GPUDevice, complex128>;
Dself_adjoint_eig_v2_op_complex128.cc20 REGISTER_LINALG_OP("SelfAdjointEigV2", (SelfAdjointEigV2Op<complex128>),
21 complex128);
24 REGISTER_LINALG_OP("BatchSelfAdjointEigV2", (SelfAdjointEigV2Op<complex128>),
25 complex128);
Dsvd_op_complex128.cc20 REGISTER_LINALG_OP("Svd", (SvdOp<complex128>), complex128);
21 REGISTER_LINALG_OP("BatchSvd", (SvdOp<complex128>), complex128);
Dqr_op_complex128.cc20 REGISTER_LINALG_OP("Qr", (QrOp<complex128>), complex128);
29 .TypeConstraint<complex128>("T")
33 QrOp<complex128>);
Deig_op_complex128.cc20 REGISTER_LINALG_OP("Eig", (EigOp<complex128, complex128>), complex128);
Ddeterminant_op.cc418 REGISTER_LINALG_OP_GPU("MatrixDeterminant", (DeterminantOpGpu<complex128>),
419 complex128);
428 (LogDeterminantOpGpu<complex128>), complex128);
434 REGISTER_LINALG_OP("MatrixDeterminant", (DeterminantOp<complex128>),
435 complex128);
440 REGISTER_LINALG_OP("BatchMatrixDeterminant", (DeterminantOp<complex128>),
441 complex128);
447 REGISTER_LINALG_OP("LogMatrixDeterminant", (LogDeterminantOp<complex128>),
448 complex128);
/external/tensorflow/tensorflow/compiler/xla/service/cpu/
Druntime_fft_impl.h187 EigenFftC2C<true, FFTRank, EigenDevice, complex128>( in EigenFftWithRank()
188 device, static_cast<complex128*>(out), in EigenFftWithRank()
189 static_cast<complex128*>(operand), input_batch, fft_length0, in EigenFftWithRank()
200 EigenFftC2C<false, FFTRank, EigenDevice, complex128>( in EigenFftWithRank()
201 device, static_cast<complex128*>(out), in EigenFftWithRank()
202 static_cast<complex128*>(operand), input_batch, fft_length0, in EigenFftWithRank()
213 EigenFftR2C<FFTRank, EigenDevice, double, complex128>( in EigenFftWithRank()
214 device, static_cast<complex128*>(out), in EigenFftWithRank()
225 EigenFftC2R<FFTRank, EigenDevice, complex128, double>( in EigenFftWithRank()
227 static_cast<complex128*>(operand), input_batch, fft_length0, in EigenFftWithRank()
/external/tensorflow/tensorflow/compiler/xla/service/
Dhlo_evaluator.cc140 StatusOr<Literal> Compare<complex128>(const Shape& shape, in Compare()
144 std::function<bool(complex128, complex128)> compare_op; in Compare()
147 compare_op = [](complex128 lhs_el, complex128 rhs_el) { in Compare()
152 compare_op = [](complex128 lhs_el, complex128 rhs_el) { in Compare()
164 return compare_op(lhs_literal.Get<complex128>(multi_index), in Compare()
165 rhs_literal.Get<complex128>(multi_index)); in Compare()
206 absl::make_unique<HloEvaluatorTypedVisitor<complex128>>(this); in HloEvaluator()
615 auto result_or = ElementWiseUnaryOpImpl<double, complex128>( in HandleReal()
616 real, [](complex128 elem_operand) { return std::real(elem_operand); }, in HandleReal()
662 auto result_or = ElementWiseUnaryOpImpl<double, complex128>( in HandleImag()
[all …]
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_Bitcast.pbtxt16 (e.g. tf.complex64 or tf.complex128) as tf.cast() make imaginary part 0 while tf.bitcast()
23 >>> equality_bitcast = tf.bitcast(a, tf.complex128)
27 >>> equality_cast = tf.cast(a, tf.complex128)
29 tf.Tensor([1.+0.j 2.+0.j 3.+0.j], shape=(3,), dtype=complex128)
/external/tensorflow/tensorflow/core/kernels/mkl/
Dmkl_transpose_op.cc90 Status MKLTranspose2D<complex128>(const char trans, const Tensor& in, in MKLTranspose2D()
95 reinterpret_cast<const MKL_Complex16*>(in.flat<complex128>().data()), in MKLTranspose2D()
98 const_cast<complex128*>(out->flat<complex128>().data())), in MKLTranspose2D()
183 return MKLTranspose2D<complex128>(kMKLTranspose, in, out); in DoTranspose()
230 return MKLTranspose2D<complex128>(kMKLConjugateTranspose, in, out); in DoTranspose()
/external/tensorflow/tensorflow/compiler/xla/service/gpu/
Dfft_thunk.cc191 se::DeviceMemory<complex128> input_data( in ExecuteOnStream()
193 se::DeviceMemory<complex128> output_data( in ExecuteOnStream()
213 se::DeviceMemory<complex128> input_data( in ExecuteOnStream()
215 se::DeviceMemory<complex128> output_data( in ExecuteOnStream()
222 complex128(scale_factor_), &output_data, 1) in ExecuteOnStream()
238 se::DeviceMemory<complex128> output_data( in ExecuteOnStream()
258 se::DeviceMemory<complex128> input_data( in ExecuteOnStream()

12345678910>>...13