/external/tensorflow/tensorflow/python/ops/ |
D | script_ops.py | 53 def __init__(self, func, Tout, is_grad_func): argument 64 self._out_dtypes = Tout 238 Tout, argument 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) 282 input=inp, token=token, Tout=Tout, name=name) 285 input=inp, token=token, Tout=Tout, name=name) 304 Tout=[tensor.dtype for tensor in op.inputs], [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | argmax_op.cc | 43 template <typename Device, typename T, typename Tout, typename ArgFunctor> 87 output->tensor<Tout, NDIM - 1>()); \ in Compute() 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) {} in ArgMaxOp() 117 template <typename Device, typename T, typename Tout> 119 : public ArgOp<Device, T, Tout, functor::ArgMin<Device, T, Tout> > { 122 : ArgOp<Device, T, Tout, functor::ArgMin<Device, T, Tout> >(context) {} in ArgMinOp() 158 #define DECLARE_GPU_SPEC(T, Tout, Dims) \ argument 160 void ArgMax<GPUDevice, T, Tout>::Reduce##Dims( \ [all …]
|
D | 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>(); \
|
D | histogram_op.cc | 34 template <typename T, typename Tout> 35 struct HistogramFixedWidthFunctor<CPUDevice, T, Tout> { 39 int32 nbins, typename TTypes<Tout, 1>::Tensor& out) { in Compute() 66 out(index_to_bin(i)) += Tout(1); in Compute() 74 template <typename Device, typename T, typename Tout> 109 auto out = out_tensor->flat<Tout>(); in Compute() 112 ctx, functor::HistogramFixedWidthFunctor<Device, T, Tout>::Compute( in Compute()
|
D | cwise_ops_common.h | 85 typedef typename Functor::out_type Tout; // Output scalar data type. typedef 88 : BinaryOpShared(ctx, DataTypeToEnum<Tout>::v(), in BinaryOp() 107 auto out_flat = out->flat<Tout>(); in Compute() 125 eigen_device, out->shaped<Tout, 2>(bcast->result_shape()), in Compute() 132 eigen_device, out->shaped<Tout, 3>(bcast->result_shape()), in Compute() 139 eigen_device, out->shaped<Tout, 4>(bcast->result_shape()), in Compute() 146 eigen_device, out->shaped<Tout, 5>(bcast->result_shape()), in Compute() 200 typedef typename Functor::out_type Tout; // Output scalar data type. typedef 212 if (std::is_same<Tin, Tout>::value) { in Compute() 218 auto out_flat = out->flat<Tout>(); in Compute() [all …]
|
D | 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) { in Compute() 65 Tout* d_histogram = out.data(); in Compute()
|
D | gather_nd_op_cpu_impl.h | 47 typename TTypes<T>::Matrix Tout, std::atomic<Index>* error_loc) in GatherNdSliceGenerator() argument 51 Tout_(Tout), in GatherNdSliceGenerator() 102 typename TTypes<T>::Matrix Tout) { 115 slice_size, Tindices, Tparams, Tout, &error_loc); 148 typename TTypes<T>::Matrix Tout);
|
D | gather_nd_op_gpu.cu.cc | 73 typename TTypes<T>::Matrix Tout) { in operator ()() 75 const int64 out_size = Tout.size(); in operator ()() 76 int64 s_size = Tout.dimension(1); in operator ()() 92 Tout.data(), batch_strides, batch_indices, in operator ()()
|
D | histogram_op.h | 27 template <typename Device, typename T, typename Tout> 32 int32 nbins, typename TTypes<Tout, 1>::Tensor& out);
|
D | cast_op.h | 139 template <typename Device, typename Tout, typename Tin> 140 void Cast(const Device& d, typename TTypes<Tout>::Flat o, in Cast() 142 o.device(d) = i.template cast<Tout>(); in Cast() 145 template <typename Device, typename Tout, typename Tin> 147 void operator()(const Device& d, typename TTypes<Tout>::Flat o,
|
D | transpose_op.cc | 61 auto Tout = output->vec<T>(); in Compute() local 62 std::fill_n(Tout.data(), N, -1); in Compute() 67 OP_REQUIRES(context, Tout(d) == -1, in Compute() 69 Tout(d) = i; in Compute()
|
D | dynamic_partition_op.cc | 44 OpOutputList* Tout) { in ValidateAndAllocateOutputs() argument 69 OP_REQUIRES_OK(c, c->output_list("outputs", Tout)); in ValidateAndAllocateOutputs() 77 OP_REQUIRES_OK(c, Tout->allocate(p, shape, &out)); in ValidateAndAllocateOutputs()
|
D | unique_op.cc | 125 auto Tout = output->flat<T>(); in Compute() local 128 Tout(it.second) = it.first; in Compute() 176 auto Tout = output->shaped<T, 3>(new_sizes); in Compute() local 179 Tout.chip(it.second, 1) = Tin.chip(it.first, 1); in Compute()
|
D | listdiff_op.cc | 72 auto Tout = out->vec<T>(); in Compute() local 86 Tout(p) = Tx(i); in Compute()
|
D | 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;
|
D | 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>> {
|
D | gather_functor.cc | 33 typename TTypes<T, 3>::Tensor Tout); \
|
D | gather_nd_op.h | 41 typename TTypes<T>::Matrix Tout);
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | py_func_test.py | 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) 614 Tout=[dtypes.float32, dtypes.float32]) [all …]
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_StatefulPartitionedCall.pbtxt | 13 attr { name: "Tout" description: "A list of output types." } 19 and 'Tout'. The function body of f will be placed and partitioned across
|
D | api_def_PartitionedCall.pbtxt | 12 attr { name: "Tout" description: "A list of output types." } 18 and 'Tout'. The function body of f will be placed and partitioned across
|
/external/tensorflow/tensorflow/python/data/experimental/ops/ |
D | 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/data/ops/ |
D | 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/compiler/tf2xla/g3doc/ |
D | cpu_supported_ops.md | 14 `Angle` | `Tout={double,float}`<br>`T={complex64}` 44 `Complex` | `Tout={complex64}`<br>`T={double,float}` 45 `ComplexAbs` | `Tout={double,float}`<br>`T={complex64}` 107 `Imag` | `Tout={double,float}`<br>`T={complex64}` 169 `RandomUniformInt` | `T={int32,int64}`<br>`Tout={int32,int64}` 173 `Real` | `Tout={double,float}`<br>`T={complex64}` 244 `SymbolicGradient` | `Tout={bool,complex64,double,float,int32,int64,uint32,uint6…
|
/external/tensorflow/tensorflow/core/grappler/optimizers/data/ |
D | function_utils_test.cc | 191 key: "Tout" 379 key: "Tout" 444 key: "Tout"
|