Home
last modified time | relevance | path

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

12345678910>>...12

/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 …]
Dtransfer_manager_test.cc226 Literal literal = LiteralUtil::CreateR1<complex64>( in XLA_TEST_F()
227 {complex64(1.0f, 2.0f), complex64(42.0f, -123.4f)}); in XLA_TEST_F()
242 {LiteralUtil::CreateR1<complex64>( in XLA_TEST_F()
243 {complex64(1.0f, 2.0f), complex64(42.0f, -123.4f)}), in XLA_TEST_F()
245 LiteralUtil::CreateR0<complex64>(complex64(0.3f, -0.4f))}); in XLA_TEST_F()
/external/tensorflow/tensorflow/cc/gradients/
Dmath_grad_test.cc215 complex64 CRV(const std::vector<complex64>& v) { in CRV()
219 complex64 conjugate(const complex64& val) { in conjugate()
220 return complex64(val.real(), -val.imag()); in conjugate()
243 TestCWiseGrad<complex64, complex64>(INV, x_fn); in TEST_F()
253 TestCWiseGrad<complex64, complex64>(SQUARE, x_fn); in TEST_F()
265 TestCWiseGrad<complex64, complex64>(SQRT, x_fn); in TEST_F()
277 TestCWiseGrad<complex64, complex64>(RSQRT, x_fn); in TEST_F()
289 TestCWiseGrad<complex64, complex64>(EXP, x_fn); in TEST_F()
301 TestCWiseGrad<complex64, complex64>(EXPM1, x_fn); in TEST_F()
313 TestCWiseGrad<complex64, complex64>(LOG, x_fn); in TEST_F()
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/linalg/
Dlinear_operator_circulant_test.py80 fft_x = fft_ops.fft(x.astype(np.complex64))
100 return [dtypes.complex64]
136 spectrum = math_ops.cast([1., 1j, -1j], dtypes.complex64)
138 spectrum, input_output_dtype=dtypes.complex64)
158 return [dtypes.float32, dtypes.complex64]
204 spectrum = math_ops.cast([1., 1j, -1j], dtypes.complex64)
206 spectrum, input_output_dtype=dtypes.complex64)
225 return [dtypes.complex64]
241 dtype=dtypes.complex64,
260 spectrum = math_ops.cast([1., 1j, -1j], dtypes.complex64)
[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 /()
143 template struct DeterminantFromPivotedLUFunctor<GPUDevice, complex64>;
165 template struct LogDeterminantFromPivotedLUFunctor<GPUDevice, complex64>;
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_div.cc20 bfloat16, complex64, complex128);
26 bfloat16, complex64, complex128);
28 double, complex64, complex128);
32 uint16, int16, int64, complex64, complex128);
36 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,
Dcwise_op_reciprocal.cc20 complex64, complex128);
27 Eigen::half, double, complex64, complex128);
34 double, complex64, complex128);
44 Eigen::half, double, complex64, complex128);
Dfft_ops.cc137 auto input = Tensor(in).flat_inner_dims<complex64, FFTRank + 1>(); in DoFFT()
138 auto output = out->flat_inner_dims<complex64, FFTRank + 1>(); in DoFFT()
163 auto output = out->flat_inner_dims<complex64, FFTRank + 1>(); in DoFFT()
168 OP_REQUIRES_OK(ctx, ctx->allocate_temp(DataTypeToEnum<complex64>::v(), in DoFFT()
170 auto full_fft = temp.flat_inner_dims<complex64, FFTRank + 1>(); in DoFFT()
180 auto input = Tensor(in).flat_inner_dims<complex64, FFTRank + 1>(); in DoFFT()
199 OP_REQUIRES_OK(ctx, ctx->allocate_temp(DataTypeToEnum<complex64>::v(), in DoFFT()
201 auto full_fft = temp.flat_inner_dims<complex64, FFTRank + 1>(); in DoFFT()
426 auto dst = AsDeviceMemory<complex64>(out->flat<complex64>().data()); in DoFFT()
432 auto src = AsDeviceMemory<complex64>(in.flat<complex64>().data()); in DoFFT()
[all …]
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);
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);
Dmkl_transpose_op.cc75 Status MKLTranspose2D<complex64>(const char trans, const Tensor& in, in INSTANTIATE()
80 reinterpret_cast<const MKL_Complex8*>(in.flat<complex64>().data()), in INSTANTIATE()
83 const_cast<complex64*>(out->flat<complex64>().data())), in INSTANTIATE()
171 return MKLTranspose2D<complex64>(kMKLTranspose, in, out); in DoTranspose()
215 return MKLTranspose2D<complex64>(kMKLConjugateTranspose, in, out); in DoTranspose()
/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 …]
Dlinalg_ops_test.py46 if dtype in [np.complex64, np.complex128]:
82 (np.complex64, 0.05), (np.complex128, 1e-5)]:
95 (np.complex64, 0.05), (np.complex128, 1e-5)]:
112 (np.complex64, 0.05), (np.complex128, 1e-5)]:
123 (np.complex64, 0.05), (np.complex128, 1e-5)]:
136 for dtype in np.float64, np.float64, np.complex64, np.complex128:
206 dtypes.complex64,
235 dtypes.complex64,
/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/python/kernel_tests/signal/
Dfft_ops_test.py164 for np_type in (np.complex64, np.complex128):
174 for np_type, tol in ((np.complex64, 1e-4), (np.complex128, 1e-8)):
185 for np_type, tol in ((np.complex64, 1e-4), (np.complex128, 1e-5)):
203 for np_type, tol in ((np.complex64, 1e-4), (np.complex128, 1e-8)):
214 for np_type, tol in ((np.complex64, 1e-4), (np.complex128, 5e-6)):
229 for np_type in (np.complex64, np.complex128):
231 tol = {(np.complex64, True): 1e-4,
232 (np.complex64, False): 1e-2,
253 x = np.zeros((1,) * dims).astype(np.complex64)
351 x = np.zeros((0,) * dims).astype(np.complex64)
[all …]
/external/tensorflow/tensorflow/compiler/xla/service/gpu/
Dfft_thunk.cc160 se::DeviceMemory<complex64> input_data( in ExecuteOnStream()
162 se::DeviceMemory<complex64> output_data( in ExecuteOnStream()
169 se::DeviceMemory<complex64> input_data( in ExecuteOnStream()
171 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/compiler/tests/
Dreduce_ops_test.py81 np.zeros(shape=(2, 0)).astype(np.complex64),
82 np.zeros(shape=(0, 30)).astype(np.complex64),
83 np.arange(1, 13, dtype=np.float32).view(np.complex64).reshape(2, 3),
84 np.arange(-14, -2, dtype=np.float32).view(np.complex64).reshape(2, 3),
85 np.arange(-4, 8, dtype=np.float32).view(np.complex64).reshape(2, 3),
101 self._testReduction(math_ops.reduce_sum, np.sum, np.complex64,
109 self._testReduction(math_ops.reduce_prod, np.prod, np.complex64,
159 self._testReduction(math_ops.reduce_mean, np.mean, np.complex64,

12345678910>>...12