Home
last modified time | relevance | path

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

12345678910>>...14

/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.cc77 static constexpr complex64 kNanC64 = complex64(kNan, kNan);
79 Array2D<complex64> AValsLowerComplex() { in AValsLowerComplex()
81 {complex64(3, 1), 6, kNanC64, kNanC64}, in AValsLowerComplex()
82 {4, complex64(7, 2), 9, kNanC64}, in AValsLowerComplex()
83 {5, 8, complex64(10, 3), 11}}; in AValsLowerComplex()
86 Array2D<complex64> AValsUpperComplex() { in AValsUpperComplex()
87 return {{2, 3, complex64(4, 3), 5}, in AValsUpperComplex()
88 {kNanC64, 6, complex64(7, 2), 8}, in AValsUpperComplex()
89 {kNanC64, kNanC64, complex64(9, 1), 10}, in AValsUpperComplex()
93 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.cc43 LiteralUtil::CreateR0<complex64>({42.0, 64.0}), in TEST()
44 LiteralUtil::CreateR0<complex64>({64.0, 42.0}), in TEST()
59 LiteralUtil::CreateR0<complex64>({42.0, 64.0}), in TEST()
60 LiteralUtil::CreateR0<complex64>({64.0, 42.0}), in TEST()
63 LiteralUtil::CreateR0<complex64>({64.0, 42.0}), in TEST()
64 LiteralUtil::CreateR0<complex64>({42.0, 64.0}), in TEST()
67 LiteralUtil::CreateR0<complex64>({42.42, 64.0}), in TEST()
68 LiteralUtil::CreateR0<complex64>({64.0, 42.0}), in TEST()
71 LiteralUtil::CreateR0<complex64>({42.0, 64.0}), in TEST()
72 LiteralUtil::CreateR0<complex64>({64.0, 42.42}), in TEST()
[all …]
/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>);
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>;
Dcwise_op_div.cc20 bfloat16, complex64, complex128);
26 bfloat16, complex64, complex128);
28 double, complex64, complex128);
33 uint16, int16, int64, complex64, complex128);
37 complex64, complex128);
39 double, complex64, complex128);
Dsvd_op_complex64.cc20 REGISTER_LINALG_OP("Svd", (SvdOp<complex64>), complex64);
21 REGISTER_LINALG_OP("BatchSvd", (SvdOp<complex64>), 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);
Dcwise_op_reciprocal.cc20 complex64, complex128);
27 Eigen::half, double, complex64, complex128);
37 double, complex64, complex128, bfloat16);
40 double, complex64, complex128);
51 Eigen::half, double, complex64, complex128);
Dcwise_op_add_2.cc25 REGISTER6(BinaryOp, CPU, "Add", functor::add, int8, int16, complex64, uint8,
29 REGISTER5(BinaryOp, CPU, "AddV2", functor::add, int8, int16, complex64, uint8,
32 REGISTER4(BinaryOp, GPU, "Add", functor::add, uint8, int64, complex64,
34 REGISTER4(BinaryOp, GPU, "AddV2", functor::add, uint8, int64, complex64,
Deig_op_complex64.cc20 REGISTER_LINALG_OP("Eig", (EigOp<complex64, complex64>), complex64);
Dcwise_op_xlog1py.cc20 double, complex64, complex128);
30 REGISTER_SYCL_KERNEL(complex64);
38 double, complex64, complex128);
Dcwise_op_conj.cc21 REGISTER2(UnaryOp, CPU, "Conj", functor::conj, complex64, complex128);
30 Name("Conj").Device(DEVICE_GPU).TypeConstraint<complex64>("T"),
31 UnaryOp<GPUDevice, functor::conj<complex64>>);
Dcwise_op_xlogy.cc20 complex64, complex128);
30 REGISTER_SYCL_KERNEL(complex64);
38 complex64, complex128);
Ddeterminant_op.cc416 REGISTER_LINALG_OP_GPU("MatrixDeterminant", (DeterminantOpGpu<complex64>),
417 complex64);
425 REGISTER_LINALG_OP_GPU("LogMatrixDeterminant", (LogDeterminantOpGpu<complex64>),
426 complex64);
433 REGISTER_LINALG_OP("MatrixDeterminant", (DeterminantOp<complex64>), complex64);
438 REGISTER_LINALG_OP("BatchMatrixDeterminant", (DeterminantOp<complex64>),
439 complex64);
445 REGISTER_LINALG_OP("LogMatrixDeterminant", (LogDeterminantOp<complex64>),
446 complex64);
/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))
227 spectrum = math_ops.cast([1. + 0j, 1j, -1j], dtypes.complex64)
229 spectrum, input_output_dtype=dtypes.complex64)
238 math_ops.cast([1. + 0j, 1. + 1j], dtypes.complex64))
254 return [dtypes.complex64, dtypes.complex128]
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/
Dmatrix_logarithm_op_test.py50 for np_type in [np.complex64, np.complex128]:
67 matrix1 = matrix1.astype(np.complex64)
69 matrix2 = matrix2.astype(np.complex64)
83 matrix1 = matrix1.astype(np.complex64)
85 matrix2 = matrix2.astype(np.complex64)
98 np.array([[1., 2., 3.], [3., 4., 5.]], dtype=np.complex64))
103 tensor3 = constant_op.constant([1., 2.], dtype=dtypes.complex64)
109 self._verifyLogarithmComplex(np.empty([0, 2, 2], dtype=np.complex64))
110 self._verifyLogarithmComplex(np.empty([2, 0, 0], dtype=np.complex64))
122 size=np.prod(shape)).reshape(shape).astype(np.complex64)
[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/compiler/xla/service/cpu/
Druntime_fft_impl.h35 void EigenFftC2C(const EigenDevice& device, complex64* out, complex64* operand, in EigenFftC2C()
50 const Eigen::TensorMap<Eigen::Tensor<complex64, FFTRank + 1, Eigen::RowMajor>, in EigenFftC2C()
53 Eigen::TensorMap<Eigen::Tensor<complex64, FFTRank + 1, Eigen::RowMajor>, in EigenFftC2C()
62 void EigenFftR2C(const EigenDevice& device, complex64* out, float* operand, in EigenFftR2C()
79 Eigen::TensorMap<Eigen::Tensor<complex64, FFTRank + 1, Eigen::RowMajor>, in EigenFftR2C()
87 Eigen::Tensor<complex64, FFTRank + 1, Eigen::RowMajor> full_fft(in_dims); in EigenFftR2C()
101 void EigenFftC2R(const EigenDevice& device, float* out, complex64* operand, in EigenFftC2R()
115 const Eigen::TensorMap<Eigen::Tensor<complex64, FFTRank + 1, Eigen::RowMajor>, in EigenFftC2R()
126 Eigen::Tensor<complex64, FFTRank + 1, Eigen::RowMajor> full_fft(out_dims); in EigenFftC2R()
178 device, static_cast<complex64*>(out), in EigenFftWithRank()
[all …]
/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()
/external/tensorflow/tensorflow/compiler/xla/service/gpu/
Dfft_thunk.cc161 se::DeviceMemory<complex64> input_data( in ExecuteOnStream()
163 se::DeviceMemory<complex64> output_data( in ExecuteOnStream()
170 se::DeviceMemory<complex64> input_data( in ExecuteOnStream()
172 se::DeviceMemory<complex64> output_data( in ExecuteOnStream()
179 complex64(scale_factor_), &output_data, 1) in ExecuteOnStream()
187 se::DeviceMemory<complex64> output_data( in ExecuteOnStream()
194 se::DeviceMemory<complex64> input_data( in ExecuteOnStream()
/external/tensorflow/tensorflow/python/kernel_tests/signal/
Dfft_ops_test.py53 if test.is_built_with_rocm() and x.dtype in (np.complex64, np.complex128):
67 if test.is_built_with_rocm() and x.dtype in (np.complex64, np.complex128):
175 VALID_FFT_RANKS, range(3), (np.complex64, np.complex128)))
184 (np.complex64, np.complex128)))
190 tol = 1e-4 if np_type == np.complex64 else 1e-8
196 (1,), range(3), (np.complex64, np.complex128)))
199 tol = 1e-4 if np_type == np.complex64 else 5e-5
215 VALID_FFT_RANKS, range(3), (np.complex64, np.complex128)))
219 tol = 1e-4 if np_type == np.complex64 else 1e-8
227 VALID_FFT_RANKS, range(3), (np.complex64, np.complex128)))
[all …]

12345678910>>...14