Searched refs:Tout (Results 1 - 25 of 27) sorted by relevance

12

/external/tensorflow/tensorflow/core/kernels/
H A Dhistogram_op.h27 template <typename Device, typename T, typename Tout>
32 int32 nbins, typename TTypes<Tout, 1>::Tensor& out);
H A Dargmax_op.h28 template <typename Device, typename T, typename Tout>
33 const int32 dimension, typename TTypes<Tout, Dims - 1>::Tensor output) { \
34 output.device(d) = input.argmax(dimension).template cast<Tout>(); \
46 template <typename Device, typename T, typename Tout>
51 const int32 dimension, typename TTypes<Tout, Dims - 1>::Tensor output) { \
52 output.device(d) = input.argmin(dimension).template cast<Tout>(); \
H A Dargmax_op.cc43 template <typename Device, typename T, typename Tout, typename ArgFunctor>
83 output->tensor<Tout, NDIM - 1>()); \
105 template <typename Device, typename T, typename Tout>
107 : public ArgOp<Device, T, Tout, functor::ArgMax<Device, T, Tout> > {
110 : ArgOp<Device, T, Tout, functor::ArgMax<Device, T, Tout> >(context) {}
113 template <typename Device, typename T, typename Tout>
115 : public ArgOp<Device, T, Tout, functor::ArgMin<Device, T, Tout> > {
[all...]
H A Dhistogram_op.cc34 template <typename T, typename Tout>
35 struct HistogramFixedWidthFunctor<CPUDevice, T, Tout> {
39 int32 nbins, typename TTypes<Tout, 1>::Tensor& out) {
66 out(index_to_bin(i)) += Tout(1);
74 template <typename Device, typename T, typename Tout>
109 auto out = out_tensor->flat<Tout>();
112 ctx, functor::HistogramFixedWidthFunctor<Device, T, Tout>::Compute(
H A Dgather_functor.cc33 typename TTypes<T, 3>::Tensor Tout); \
H A Dhistogram_op_gpu.cu.cc38 template <typename T, typename Tout>
39 struct HistogramFixedWidthFunctor<GPUDevice, T, Tout> {
43 int32 nbins, typename TTypes<Tout, 1>::Tensor& out) {
65 Tout* d_histogram = out.data();
H A Dcast_op.h57 template <typename Device, typename Tout, typename Tin>
58 void Cast(const Device& d, typename TTypes<Tout>::Flat o,
60 o.device(d) = i.template cast<Tout>();
63 template <typename Device, typename Tout, typename Tin>
65 void operator()(const Device& d, typename TTypes<Tout>::Flat o,
H A Dgather_nd_op_cpu_impl.h47 typename TTypes<T>::Matrix Tout, std::atomic<Index>* error_loc)
51 Tout_(Tout),
102 typename TTypes<T>::Matrix Tout) {
115 slice_size, Tindices, Tparams, Tout, &error_loc);
133 typename TTypes<T>::Matrix Tout);
44 GatherNdSliceGenerator( const Index slice_size, typename TTypes<Index>::ConstMatrix Tindices, typename TTypes<T, IXDIM + 1>::ConstTensor Tparams, typename TTypes<T>::Matrix Tout, std::atomic<Index>* error_loc) argument
98 operator ()(const CPUDevice& d, const Index slice_size, typename TTypes<int32>::Scalar Tscratch, typename TTypes<T, IXDIM + 1>::ConstTensor Tparams, typename TTypes<Index>::ConstMatrix Tindices, typename TTypes<T>::Matrix Tout) argument
H A Dcwise_ops_common.h83 typedef typename Functor::out_type Tout; // Output scalar data type. typedef in class:tensorflow::BinaryOp
86 : BinaryOpShared(ctx, DataTypeToEnum<Tout>::v(),
105 auto out_flat = out->flat<Tout>();
123 eigen_device, out->shaped<Tout, 2>(bcast->result_shape()),
130 eigen_device, out->shaped<Tout, 3>(bcast->result_shape()),
137 eigen_device, out->shaped<Tout, 4>(bcast->result_shape()),
144 eigen_device, out->shaped<Tout, 5>(bcast->result_shape()),
198 typedef typename Functor::out_type Tout; // Output scalar data type. typedef in class:tensorflow::SimpleBinaryOp
210 if (std::is_same<Tin, Tout>::value) {
216 auto out_flat = out->flat<Tout>();
229 typedef typename Functor::out_type Tout; // Output scalar data type. typedef in class:tensorflow::UnaryOp
291 typedef typename Functor::out_type Tout; typedef
301 typedef typename Functor::out_type Tout; typedef
347 typedef typename Functor::out_type Tout; typedef
357 typedef typename Functor::out_type Tout; typedef
487 typedef typename Functor::out_type Tout; typedef
497 typedef typename Functor::out_type Tout; typedef
[all...]
H A Dgather_nd_op.h34 // Performs a slice gather op on (Tparams, Tindices), writing to Tout.
41 typename TTypes<T>::Matrix Tout);
H A Dgather_nd_op_gpu.cu.cc73 typename TTypes<T>::Matrix Tout) {
75 const int64 out_size = Tout.size();
76 int64 s_size = Tout.dimension(1);
92 Tparams.data(), Tindices.data(), Tout.data(), batch_strides,
69 operator ()(const GPUDevice& d, const Index unused_slice_size, typename TTypes<int32>::Scalar Tscratch, typename TTypes<T, IXDIM + 1>::ConstTensor Tparams, typename TTypes<Index>::ConstMatrix Tindices, typename TTypes<T>::Matrix Tout) argument
H A Dlistdiff_op.cc72 auto Tout = out->vec<T>(); variable
86 Tout(p) = Tx(i);
H A Dtranspose_op.cc61 auto Tout = output->vec<T>(); variable
62 std::fill_n(Tout.data(), N, -1);
67 OP_REQUIRES(context, Tout(d) == -1,
69 Tout(d) = i;
H A Dunique_op.cc125 auto Tout = output->flat<T>();
128 Tout(it.second) = it.first;
175 auto Tout = output->shaped<T, 3>(new_sizes);
178 Tout.chip(it.second, 1) = Tin.chip(it.first, 1);
H A Ddynamic_partition_op.cc44 OpOutputList* Tout) {
69 OP_REQUIRES_OK(c, c->output_list("outputs", Tout));
77 OP_REQUIRES_OK(c, Tout->allocate(p, shape, &out));
42 ValidateAndAllocateOutputs(OpKernelContext* c, const Tensor** data, const Tensor** partitions, OpOutputList* Tout) argument
H A Dcwise_ops_gpu_common.cu.h61 typedef typename Functor::out_type Tout; typedef
64 typedef typename Eigen::internal::scalar_left<Tout, Tin, Binary> Unary;
71 typedef typename Functor::out_type Tout; typedef
74 typedef typename Eigen::internal::scalar_right<Tout, Tin, Binary> Unary;
H A Dcwise_ops.h185 template <typename Tout, typename Tin, typename Binary>
187 typedef Tout result_type;
196 EIGEN_DEVICE_FUNC inline Tout operator()(const Tin& right) const {
207 template <typename Tout, typename Tin, typename Binary>
208 struct functor_traits<scalar_left<Tout, Tin, Binary>> {
215 template <typename Tout, typename Tin, typename Binary>
217 typedef Tout result_type;
226 EIGEN_DEVICE_FUNC inline Tout operator()(const Tin& left) const {
237 template <typename Tout, typename Tin, typename Binary>
238 struct functor_traits<scalar_right<Tout, Ti
[all...]
H A Ddynamic_partition_op_gpu.cu.cc212 OpOutputList* Tout, DoneCallback done) {
215 OP_REQUIRES_OK_ASYNC(c, c->output_list("outputs", Tout), done);
223 OP_REQUIRES_OK_ASYNC(c, Tout->allocate(p, shape, &out), done);
210 AllocateOutputs(OpKernelContext* c, const Tensor* data, const Tensor* partitions, const Tensor* partition_count, OpOutputList* Tout, DoneCallback done) argument
H A Dgather_nd_op.cc214 typename TTypes<T>::Matrix Tout); \
/external/tensorflow/tensorflow/python/ops/
H A Dscript_ops.py43 def __init__(self, func, Tout):
48 Tout: A list of datatypes for the output; an empty list if the output is
52 self._out_dtypes = Tout
186 def _internal_py_func(func, inp, Tout, stateful=None, eager=False, name=None):
190 if isinstance(Tout, (list, tuple)):
193 Tout = [Tout]
196 func = EagerFunc(func, Tout)
225 input=inp, token=token, Tout=Tout, nam
[all...]
H A Dmath_ops.py270 x.values, Tout=x.values.dtype.real_dtype, name=name)
279 return gen_math_ops._complex_abs(x, Tout=x.dtype.real_dtype, name=name)
608 Tout = dtypes.complex128
610 Tout = dtypes.complex64
614 return gen_math_ops._complex(real, imag, Tout=Tout, name=name)
643 return gen_math_ops.real(input, Tout=real_dtype, name=name)
673 return gen_math_ops.imag(input, Tout=input.dtype.real_dtype, name=name)
709 return gen_math_ops.angle(input, Tout=input.dtype.real_dtype, name=name)
/external/tensorflow/tensorflow/python/kernel_tests/
H A Dpy_func_test.py125 # returns a tuple, Tout and inp a tuple
403 output = script_ops.eager_py_func(matmul, inp=[a, x], Tout=dtypes.int32)
413 output = script_ops.eager_py_func(matmul, inp=[a, x], Tout=dtypes.float32)
423 lambda a, x: [matmul(a, x)], inp=[a, x], Tout=[dtypes.float32])
433 output = script_ops.eager_py_func(no_return_value, inp=[], Tout=[])
446 return script_ops.eager_py_func(matmul, inp=[a, x], Tout=dtypes.float32)
H A Dfunctional_ops_test.py506 Tout=[dtypes.int32],
530 Tout=[dtypes.int32],
554 Tout=[dtypes.float32],
578 Tout=[dtypes.float32],
601 Tout=[dtypes.float32],
/external/tensorflow/tensorflow/python/data/kernel_tests/
H A Diterator_ops_cluster_test.py78 Tout=[dtypes.int32],
H A Diterator_ops_test.py488 Tout=[dtypes.int32],
550 Tout=[dtypes.int32],

Completed in 343 milliseconds

12