HomeSort by relevance Sort by last modified time
    Searched refs:Tout (Results 1 - 25 of 37) sorted by null

1 2

  /external/tensorflow/tensorflow/core/kernels/
histogram_op.h 27 template <typename Device, typename T, typename Tout>
32 int32 nbins, typename TTypes<Tout, 1>::Tensor& out);
argmax_op.h 28 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>(); \
argmax_op.cc 43 template <typename Device, typename T, typename Tout, typename ArgFunctor>
87 output->tensor<Tout, NDIM - 1>()); \
109 template <typename Device, typename T, typename Tout>
111 : public ArgOp<Device, T, Tout, functor::ArgMax<Device, T, Tout> > {
114 : ArgOp<Device, T, Tout, functor::ArgMax<Device, T, Tout> >(context) {}
117 template <typename Device, typename T, typename Tout>
119 : public ArgOp<Device, T, Tout, functor::ArgMin<Device, T, Tout> > {
    [all...]
histogram_op.cc 34 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(
gather_functor.cc 33 typename TTypes<T, 3>::Tensor Tout); \
histogram_op_gpu.cu.cc 38 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();
gather_nd_op_cpu_impl.h 47 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);
148 typename TTypes<T>::Matrix Tout);
cwise_ops_common.h 85 typedef typename Functor::out_type Tout; // Output scalar data type.
88 : BinaryOpShared(ctx, DataTypeToEnum<Tout>::v(),
107 auto out_flat = out->flat<Tout>();
125 eigen_device, out->shaped<Tout, 2>(bcast->result_shape()),
132 eigen_device, out->shaped<Tout, 3>(bcast->result_shape()),
139 eigen_device, out->shaped<Tout, 4>(bcast->result_shape()),
146 eigen_device, out->shaped<Tout, 5>(bcast->result_shape()),
200 typedef typename Functor::out_type Tout; // Output scalar data type.
212 if (std::is_same<Tin, Tout>::value) {
218 auto out_flat = out->flat<Tout>();
    [all...]
gather_nd_op.h 34 // Performs a slice gather op on (Tparams, Tindices), writing to Tout.
41 typename TTypes<T>::Matrix Tout);
gather_nd_op_gpu.cu.cc 73 typename TTypes<T>::Matrix Tout) {
75 const int64 out_size = Tout.size();
76 int64 s_size = Tout.dimension(1);
92 Tout.data(), batch_strides, batch_indices,
listdiff_op.cc 72 auto Tout = out->vec<T>();
86 Tout(p) = Tx(i);
cast_op.h 139 template <typename Device, typename Tout, typename Tin>
140 void Cast(const Device& d, typename TTypes<Tout>::Flat o,
142 o.device(d) = i.template cast<Tout>();
145 template <typename Device, typename Tout, typename Tin>
147 void operator()(const Device& d, typename TTypes<Tout>::Flat o,
cwise_ops_gpu_common.cu.h 61 typedef typename Functor::out_type Tout;
64 typedef typename Eigen::internal::scalar_left<Tout, Tin, Binary> Unary;
71 typedef typename Functor::out_type Tout;
74 typedef typename Eigen::internal::scalar_right<Tout, Tin, Binary> Unary;
transpose_op.cc 61 auto Tout = output->vec<T>();
62 std::fill_n(Tout.data(), N, -1);
67 OP_REQUIRES(context, Tout(d) == -1,
69 Tout(d) = i;
unique_op.cc 125 auto Tout = output->flat<T>();
128 Tout(it.second) = it.first;
176 auto Tout = output->shaped<T, 3>(new_sizes);
179 Tout.chip(it.second, 1) = Tin.chip(it.first, 1);
dynamic_partition_op.cc 44 OpOutputList* Tout) {
69 OP_REQUIRES_OK(c, c->output_list("outputs", Tout));
77 OP_REQUIRES_OK(c, Tout->allocate(p, shape, &out));
cwise_ops.h 204 template <typename Tout, typename Tin, typename Binary>
206 typedef Tout result_type;
215 EIGEN_DEVICE_FUNC inline Tout operator()(const Tin& right) const {
226 template <typename Tout, typename Tin, typename Binary>
227 struct functor_traits<scalar_left<Tout, Tin, Binary>> {
234 template <typename Tout, typename Tin, typename Binary>
236 typedef Tout result_type;
245 EIGEN_DEVICE_FUNC inline Tout operator()(const Tin& left) const {
256 template <typename Tout, typename Tin, typename Binary>
257 struct functor_traits<scalar_right<Tout, Tin, Binary>>
    [all...]
  /external/tensorflow/tensorflow/python/ops/
script_ops.py 53 def __init__(self, func, Tout, is_grad_func):
58 Tout: A list of datatypes for the output; an empty list if the output is
64 self._out_dtypes = Tout
238 Tout,
246 if isinstance(Tout, (list, tuple)):
249 Tout = [Tout]
252 func = EagerFunc(func, Tout, is_grad_func)
278 input=inp, token=token, Tout=Tout, name=name
    [all...]
  /external/tensorflow/tensorflow/python/data/experimental/ops/
prefetching_ops.py 127 Tout=[dtypes.string],
160 Tout=self._input_dataset._element_structure._flat_types, # pylint: disable=protected-access
190 Tout=[dtypes.int64],
  /external/tensorflow/tensorflow/python/kernel_tests/
py_func_test.py 164 # returns a tuple, Tout and inp a tuple
485 output = script_ops.eager_py_func(matmul, inp=[a, x], Tout=dtypes.int32)
500 output = script_ops.eager_py_func(matmul, inp=[a, x], Tout=dtypes.float32)
509 output = script_ops.eager_py_func(matmul, inp=[a, x], Tout=dtypes.float32)
519 lambda a, x: [matmul(a, x)], inp=[a, x], Tout=[dtypes.float32])
529 output = script_ops.eager_py_func(no_return_value, inp=[], Tout=[])
543 return script_ops.eager_py_func(matmul, inp=[a, x], Tout=dtypes.float32)
578 return_variable, inp=[], Tout=dtypes.float32)
590 y = script_ops.eager_py_func(f, inp=[x], Tout=dtypes.float32)
601 y = script_ops.eager_py_func(f, inp=[x], Tout=dtypes.float32
    [all...]
  /external/tensorflow/tensorflow/python/tpu/
tpu_strategy_util.py 93 args=[], device_ordinal=0, Tout=[dtypes.string], f=func_name)
datasets.py 177 Tout=output_types,
  /external/tensorflow/tensorflow/core/grappler/optimizers/data/
function_utils_test.cc 191 key: "Tout"
379 key: "Tout"
444 key: "Tout"
  /external/tensorflow/tensorflow/python/data/ops/
multi_device_iterator_ops.py 58 Tout=[dtypes.string],
93 Tout=self._structure._flat_types, # pylint: disable=protected-access
121 Tout=[dtypes.int64],
  /external/tensorflow/tensorflow/contrib/batching/python/ops/
batch_ops.py 130 Tout=[o.dtype for o in computation.outputs])

Completed in 1625 milliseconds

1 2