Home
last modified time | relevance | path

Searched refs:complex64 (Results 1 – 25 of 365) sorted by relevance

12345678910>>...15

/external/tensorflow/tensorflow/compiler/tf2xla/g3doc/
Dgpu_supported_ops.md6 `Acos` | `T={complex64,double,float,int32,int64}`
7 `Acosh` | `T={complex64,double,float}`
8 `Add` | `T={complex64,double,float,int32,int64}`
9 `AddN` | `T={complex64,double,float,int32,int64,uint32,uint64}`
14 `Angle` | `Tout={double,float}`<br>`T={complex64}`
16 `ApproximateEqual` | `T={complex64,double,float,int32,int64,uint32,uint64}`
17 … | `Tidx={int32,int64}`<br>`output_type={int32,int64}`<br>`T={complex64,double,float,int…
18 … | `Tidx={int32,int64}`<br>`output_type={int32,int64}`<br>`T={complex64,double,float,int…
19 `Asin` | `T={complex64,double,float,int32,int64}`
20 `Asinh` | `T={complex64,double,float}`
[all …]
Dcpu_supported_ops.md6 `Acos` | `T={complex64,double,float,int32,int64}`
7 `Acosh` | `T={complex64,double,float}`
8 `Add` | `T={complex64,double,float,int32,int64}`
9 `AddN` | `T={complex64,double,float,int32,int64,uint32,uint64}`
14 `Angle` | `Tout={double,float}`<br>`T={complex64}`
16 `ApproximateEqual` | `T={complex64,double,float,int32,int64,uint32,uint64}`
18 … | `Tidx={int32,int64}`<br>`output_type={int32,int64}`<br>`T={complex64,double,float,int…
19 `Asin` | `T={complex64,double,float,int32,int64}`
20 `Asinh` | `T={complex64,double,float}`
21 `AssignAddVariableOp` | `dtype={complex64,double,float,int32,int64,uint32,uint64}`
[all …]
/external/tensorflow/tensorflow/compiler/xla/tests/
Dtriangular_solve_test.cc79 static constexpr complex64 kNanC64 = complex64(kNan, kNan);
81 Array2D<complex64> AValsLowerComplex() { in AValsLowerComplex()
83 {complex64(3, 1), 6, kNanC64, kNanC64}, in AValsLowerComplex()
84 {4, complex64(7, 2), 9, kNanC64}, in AValsLowerComplex()
85 {5, 8, complex64(10, 3), 11}}; in AValsLowerComplex()
88 Array2D<complex64> AValsUpperComplex() { in AValsUpperComplex()
89 return {{2, 3, complex64(4, 3), 5}, in AValsUpperComplex()
90 {kNanC64, 6, complex64(7, 2), 8}, in AValsUpperComplex()
91 {kNanC64, kNanC64, complex64(9, 1), 10}, in AValsUpperComplex()
95 Array2D<complex64> BValsRightComplex() { in BValsRightComplex()
[all …]
Dunary_op_test.cc95 void UnaryOpTest::AbsTestHelper<complex64>() { in AbsTestHelper()
97 auto arg = ConstantR1<complex64>(&builder, {{-2, 0}, in AbsTestHelper()
111 void UnaryOpTest::SignTestHelper<complex64>() { in SignTestHelper()
113 auto arg = ConstantR1<complex64>( in SignTestHelper()
118 Literal expected = LiteralUtil::CreateR1<complex64>( in SignTestHelper()
124 void UnaryOpTest::SignAbsTestHelper<complex64>() { in SignAbsTestHelper()
127 ConstantR1<complex64>(&builder, {{-2, 0}, {0, 25}, {0, 0}, {-0.4, 0.3}}); in SignAbsTestHelper()
132 Literal expected = LiteralUtil::CreateR1<complex64>({0, 0, 0, 0}); in SignAbsTestHelper()
139 AbsSize0TestHelper<complex64>(); in XLA_TEST_F()
145 AbsTestHelper<complex64>(); in XLA_TEST_F()
[all …]
Dliteral_test_util_test.cc44 LiteralUtil::CreateR0<complex64>({42.0, 64.0}), in TEST()
45 LiteralUtil::CreateR0<complex64>({64.0, 42.0}), in TEST()
60 LiteralUtil::CreateR0<complex64>({42.0, 64.0}), in TEST()
61 LiteralUtil::CreateR0<complex64>({64.0, 42.0}), in TEST()
64 LiteralUtil::CreateR0<complex64>({64.0, 42.0}), in TEST()
65 LiteralUtil::CreateR0<complex64>({42.0, 64.0}), in TEST()
68 LiteralUtil::CreateR0<complex64>({42.42, 64.0}), in TEST()
69 LiteralUtil::CreateR0<complex64>({64.0, 42.0}), in TEST()
72 LiteralUtil::CreateR0<complex64>({42.0, 64.0}), in TEST()
73 LiteralUtil::CreateR0<complex64>({64.0, 42.42}), in TEST()
[all …]
Dexhaustive_unary_test_complex.cc104 Run(Log, [](complex64 x) { return std::log<float>(x); }); in __anonc2c5ee530302()
108 Run(Sqrt, [](complex64 x) { in __anonc2c5ee530402()
109 return static_cast<complex64>( in __anonc2c5ee530402()
115 Run(Rsqrt, [](complex64 x) { in __anonc2c5ee530502()
116 return static_cast<complex64>( in __anonc2c5ee530502()
127 ErrorSpecGen error_spec_gen = +[](complex64 x) { in __anonc2c5ee530602()
138 +[](complex64 x) { in __anonc2c5ee530702()
139 return static_cast<complex64>(std::tanh(static_cast<complex128>(x))); in __anonc2c5ee530702()
/external/tensorflow/tensorflow/cc/gradients/
Dmath_grad_test.cc223 complex64 CRV(const std::vector<complex64>& v) { in CRV()
227 complex64 conjugate(const complex64& val) { in conjugate()
228 return complex64(val.real(), -val.imag()); in conjugate()
251 TestCWiseGrad<complex64, complex64>(INV, x_fn); in TEST_F()
261 TestCWiseGrad<complex64, complex64>(SQUARE, x_fn); in TEST_F()
273 TestCWiseGrad<complex64, complex64>(SQRT, x_fn); in TEST_F()
285 TestCWiseGrad<complex64, complex64>(RSQRT, x_fn); in TEST_F()
297 TestCWiseGrad<complex64, complex64>(EXP, x_fn); in TEST_F()
309 TestCWiseGrad<complex64, complex64>(EXPM1, x_fn); in TEST_F()
321 TestCWiseGrad<complex64, complex64>(LOG, x_fn); in TEST_F()
[all …]
/external/tensorflow/tensorflow/core/kernels/
Dreduction_ops_gpu_complex64.cu.cc54 DEFINE_FOR_TYPE_AND_R(complex64, Eigen::internal::SumReducer<complex64>);
55 DEFINE_FOR_TYPE_AND_R(complex64, functor::MeanReducer<complex64>);
56 DEFINE_FOR_TYPE_AND_R(complex64, functor::EuclideanNormReducer<complex64>);
57 DEFINE_FOR_TYPE_AND_R(complex64, Eigen::internal::ProdReducer<complex64>);
Dcwise_op_div.cc20 bfloat16, complex64, complex128);
26 bfloat16, complex64, complex128);
28 double, complex64, complex128);
35 uint16, int16, int64, complex64, complex128);
37 complex64, complex128);
41 REGISTER4(BinaryOp, GPU, "Div", functor::div, uint8, uint16, complex64,
43 REGISTER2(BinaryOp, GPU, "RealDiv", functor::div, complex64, complex128);
47 double, complex64, complex128);
Dcwise_op_add_2.cc25 REGISTER6(BinaryOp, CPU, "Add", functor::add, int8, int16, complex64, uint8,
29 REGISTER8(BinaryOp, CPU, "AddV2", functor::add, int8, int16, complex64, uint8,
35 complex64, complex128);
38 int64, complex64, complex128);
41 REGISTER5(BinaryOp, GPU, "Add", functor::add, uint8, uint16, uint64, complex64,
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.cc25 REGISTER6(BinaryOp, CPU, "Equal", functor::equal_to, int32, int64, complex64,
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);
33 REGISTER2(BinaryOp, GPU, "NotEqual", functor::not_equal_to, complex64,
Dcwise_op_mul_2.cc26 int16, int64, complex64, complex128);
31 int16, int64, complex64, complex128);
33 REGISTER5(BinaryOp, GPU, "Mul", functor::mul, uint16, uint32, uint64, complex64,
Dcwise_op_sign.cc20 complex64, Eigen::half, bfloat16, complex128);
25 int64, complex64, complex128);
27 REGISTER2(UnaryOp, GPU, "Sign", functor::sign, complex64, complex128);
/external/tensorflow/tensorflow/python/kernel_tests/linalg/
Dlinear_operator_circulant_test.py46 dtypes.complex64: 1e-6,
53 dtypes.complex64: 1e-6,
115 return [dtypes.complex64, dtypes.complex128]
153 spectrum = math_ops.cast([1. + 0j, 1j, -1j], dtypes.complex64)
155 spectrum, input_output_dtype=dtypes.complex64)
164 math_ops.cast([1. + 0j, 1. + 0j], dtypes.complex64))
229 spectrum = math_ops.cast([1. + 0j, 1j, -1j], dtypes.complex64)
231 spectrum, input_output_dtype=dtypes.complex64)
240 math_ops.cast([1. + 0j, 1. + 1j], dtypes.complex64))
256 return [dtypes.complex64, dtypes.complex128]
[all …]
/external/tensorflow/tensorflow/core/kernels/sparse/
Dtranspose_op.h32 struct maybe_conj_inplace<Device, complex64> {
34 functor::UnaryFunctor<Device, functor::conj<complex64>> conj;
35 conj(d, t->flat<complex64>() /*out*/,
36 const_cast<const Tensor*>(t)->flat<complex64>() /*in*/);
55 struct maybe_conj<Device, complex64> {
57 functor::UnaryFunctor<Device, functor::conj<complex64>> conj;
58 conj(d, out->flat<complex64>() /*out*/, in.flat<complex64>() /*in*/);
/external/tensorflow/tensorflow/python/kernel_tests/
Dmatrix_logarithm_op_test.py51 for np_type in [np.complex64, np.complex128]:
66 matrix1 = matrix1.astype(np.complex64)
68 matrix2 = matrix2.astype(np.complex64)
80 matrix1 = matrix1.astype(np.complex64)
82 matrix2 = matrix2.astype(np.complex64)
95 np.array([[1., 2., 3.], [3., 4., 5.]], dtype=np.complex64))
100 tensor3 = constant_op.constant([1., 2.], dtype=dtypes.complex64)
106 self._verifyLogarithmComplex(np.empty([0, 2, 2], dtype=np.complex64))
107 self._verifyLogarithmComplex(np.empty([2, 0, 0], dtype=np.complex64))
117 size=np.prod(shape)).reshape(shape).astype(np.complex64)
[all …]
/external/tensorflow/tensorflow/core/kernels/linalg/
Ddeterminant_op_gpu.cu.cc58 __device__ inline complex64 operator*(const complex64& a, const complex64& b) { in operator *()
61 __device__ inline complex64 operator*(const complex64& a, const float& b) { in operator *()
62 return complex64(Eigen::numext::real(a) * b, Eigen::numext::imag(a) * b); in operator *()
64 __device__ inline complex64 operator/(const complex64& a, const float& b) { in operator /()
142 template struct DeterminantFromPivotedLUFunctor<GPUDevice, complex64>;
164 template struct LogDeterminantFromPivotedLUFunctor<GPUDevice, complex64>;
Dself_adjoint_eig_v2_op_complex64.cc20 REGISTER_LINALG_OP("SelfAdjointEigV2", (SelfAdjointEigV2Op<complex64>),
21 complex64);
24 REGISTER_LINALG_OP("BatchSelfAdjointEigV2", (SelfAdjointEigV2Op<complex64>),
25 complex64);
Dsvd_op_complex64.cc20 REGISTER_LINALG_OP("Svd", (SvdOp<complex64>), complex64);
21 REGISTER_LINALG_OP("BatchSvd", (SvdOp<complex64>), complex64);
Deig_op_complex64.cc20 REGISTER_LINALG_OP("Eig", (EigOp<complex64, complex64>), complex64);
/external/tensorflow/tensorflow/compiler/xla/service/cpu/
Druntime_fft_impl.h192 EigenFftC2C<true, FFTRank, EigenDevice, complex64>( in EigenFftWithRank()
193 device, static_cast<complex64*>(out), in EigenFftWithRank()
194 static_cast<complex64*>(operand), input_batch, fft_length0, in EigenFftWithRank()
205 EigenFftC2C<false, FFTRank, EigenDevice, complex64>( in EigenFftWithRank()
206 device, static_cast<complex64*>(out), in EigenFftWithRank()
207 static_cast<complex64*>(operand), input_batch, fft_length0, in EigenFftWithRank()
218 EigenFftR2C<FFTRank, EigenDevice, float, complex64>( in EigenFftWithRank()
219 device, static_cast<complex64*>(out), static_cast<float*>(operand), in EigenFftWithRank()
230 EigenFftC2R<FFTRank, EigenDevice, complex64, float>( in EigenFftWithRank()
231 device, static_cast<float*>(out), static_cast<complex64*>(operand), in EigenFftWithRank()
/external/tensorflow/tensorflow/compiler/xla/
Darray.cc23 void Array<complex64>::FillRandom(const complex64& stddev, const double mean, in FillRandom()
28 values_[i] = complex64(distribution(g), distribution(g)); in FillRandom()

12345678910>>...15