/external/tensorflow/tensorflow/core/kernels/ |
D | aggregate_ops.cc | 89 functor2(ctx->template eigen_device<Device>(), To, I(0), I(1)); in Compute() 97 functor2(ctx->template eigen_device<Device>(), To, I(0), I(1)); in Compute() 102 functor3(ctx->template eigen_device<Device>(), To, I(0), I(1), I(2)); in Compute() 107 functor4(ctx->template eigen_device<Device>(), To, I(0), I(1), I(2), in Compute() 113 functor5(ctx->template eigen_device<Device>(), To, I(0), I(1), I(2), in Compute() 119 functor6(ctx->template eigen_device<Device>(), To, I(0), I(1), I(2), in Compute() 125 functor7(ctx->template eigen_device<Device>(), To, I(0), I(1), I(2), in Compute() 131 functor8(ctx->template eigen_device<Device>(), To, I(0), I(1), I(2), in Compute() 138 functor9(ctx->template eigen_device<Device>(), To, I(0), I(1), I(2), in Compute() 147 functor8p(ctx->template eigen_device<Device>(), To, I(r), I(r + 1), in Compute()
|
D | quantization_utils_test.cc | 34 void TestRequantizeMany(Eigen::ThreadPoolDevice* eigen_device, float input_min, in TestRequantizeMany() argument 52 if (eigen_device == nullptr) { in TestRequantizeMany() 59 *eigen_device, i_tensor, input_min, input_max, output_min, output_max, in TestRequantizeMany() 114 Eigen::ThreadPoolDevice* eigen_device) { in TestRequantizeManyInNewRange32To8Bit() argument 137 TestRequantizeMany(eigen_device, r[0], r[1], r[2], r[3], in TestRequantizeManyInNewRange32To8Bit() 152 TestRequantizeMany(eigen_device, -1.0f, 1.0f, -1.0f, 1.0f, vals); in TestRequantizeManyInNewRange32To8Bit() 153 TestRequantizeMany(eigen_device, -255.0f, 255.0f, -255.0f, 255.0f, vals); in TestRequantizeManyInNewRange32To8Bit() 154 TestRequantizeMany(eigen_device, -1.0f, 1.0f, -12345678.0f, 12345678.0f, in TestRequantizeManyInNewRange32To8Bit() 156 TestRequantizeMany(eigen_device, -1.0f, 12345678.0f, -12345678.0f, in TestRequantizeManyInNewRange32To8Bit() 171 TestRequantizeMany(eigen_device, in_min, in_max, out_min, out_max, vals); in TestRequantizeManyInNewRange32To8Bit() [all …]
|
D | relu_op.h | 40 functor(context->eigen_device<Device>(), input.flat<T>(), in Operate() 88 functor(context->eigen_device<Device>(), g.flat<T>(), a.flat<T>(), in OperateNoTemplate() 99 functor(context->eigen_device<Device>(), input.flat<T>(), in Operate() 130 functor(context->eigen_device<Device>(), g.flat<T>(), a.flat<T>(), in OperateNoTemplate() 146 functor(context->eigen_device<Device>(), input.flat<T>(), alpha_, in Operate() 191 functor(context->eigen_device<Device>(), g.flat<T>(), a.flat<T>(), alpha, in OperateNoTemplate() 202 functor(context->eigen_device<Device>(), input.flat<T>(), in Operate() 233 functor(context->eigen_device<Device>(), g.flat<T>(), a.flat<T>(), in OperateNoTemplate() 244 functor(context->eigen_device<Device>(), input.flat<T>(), in Operate() 275 functor(context->eigen_device<Device>(), g.flat<T>(), a.flat<T>(), in OperateNoTemplate()
|
D | cwise_ops_common.h | 97 const Device& eigen_device = ctx->eigen_device<Device>(); in Compute() local 109 eigen_device, out->template flat<Tout>(), in Compute() 123 eigen_device, out->template flat<Tout>(), in Compute() 136 eigen_device, out->template flat<Tout>(), in Compute() 156 functor::SetOneFunctor<Device, bool>()(eigen_device, in Compute() 159 functor::SetZeroFunctor<Device, bool>()(eigen_device, in Compute() 178 eigen_device, out_flat, in0.template flat<Tin>(), in Compute() 183 eigen_device, out_flat, in0.template scalar<Tin>(), in Compute() 187 eigen_device, out_flat, in0.template flat<Tin>(), in Compute() 192 eigen_device, out->shaped<Tout, 2>(bcast.result_shape()), in Compute() [all …]
|
D | resize_nearest_neighbor_op.cc | 71 context->eigen_device<Device>(), input_data, st.height_scale, in Compute() 77 context->eigen_device<Device>(), input_data, st.height_scale, in Compute() 85 context->eigen_device<Device>(), input_data, st.height_scale, in Compute() 91 context->eigen_device<Device>(), input_data, st.height_scale, in Compute() 274 context->eigen_device<Device>(), input_data, height_scale, in Compute() 280 context->eigen_device<Device>(), input_data, height_scale, in Compute() 289 context->eigen_device<Device>(), input_data, height_scale, in Compute() 296 context->eigen_device<Device>(), input_data, height_scale, in Compute()
|
D | cudnn_pooling_gpu.cc | 54 functor::NHWCToNCHW<GPUDevice, T, 5>()(context->eigen_device<GPUDevice>(), in Compute() 111 context->eigen_device<GPUDevice>(), in Compute() 175 functor::NHWCToNCHW<GPUDevice, T, 5>()(context->eigen_device<GPUDevice>(), in Compute() 180 functor::NHWCToNCHW<GPUDevice, T, 5>()(context->eigen_device<GPUDevice>(), in Compute() 185 context->eigen_device<GPUDevice>(), out_backprop.tensor<T, 5>(), in Compute() 240 context->eigen_device<GPUDevice>(), in Compute()
|
D | transpose_op.cc | 207 return ::tensorflow::DoTranspose(ctx->eigen_device<CPUDevice>(), in, perm, in DoTranspose() 216 return ::tensorflow::DoConjugateTranspose(ctx->eigen_device<CPUDevice>(), in, in DoTranspose() 239 return ::tensorflow::DoTranspose(ctx->eigen_device<GPUDevice>(), in, perm, in TF_CALL_ALL_TYPES() 247 return ::tensorflow::DoConjugateTranspose(ctx->eigen_device<GPUDevice>(), in, in DoTranspose() 270 return ::tensorflow::DoTranspose(ctx->eigen_device<SYCLDevice>(), in, perm, in DoTranspose() 278 return ::tensorflow::DoConjugateTranspose(ctx->eigen_device<SYCLDevice>(), in, in DoTranspose()
|
D | conditional_accumulator.h | 94 accum_grad_->flat<T>().device(ctx->template eigen_device<Device>()) = in AllocateAndAssignToAccumGradFunction() 100 accum_grad_->flat<T>().device(ctx->template eigen_device<Device>()) += in AddToAccumGradFunction() 109 ctx->template eigen_device<Device>()) = in DivideAccumGradByCounter()
|
D | spacetodepth_op.cc | 136 functor(context->eigen_device<GPUDevice>(), Tinput_v, block_size_, in Compute() 141 functor(context->eigen_device<GPUDevice>(), input.tensor<RT, 4>(), in Compute() 146 functor(context->eigen_device<GPUDevice>(), input.tensor<RT, 4>(), in Compute() 153 functor(context->eigen_device<Device>(), input.tensor<T, 4>(), in Compute()
|
D | fused_batch_norm_op.cc | 139 context, ::tensorflow::DoTranspose(context->eigen_device<CPUDevice>(), in operator ()() 157 const CPUDevice& d = context->eigen_device<CPUDevice>(); in operator ()() 194 ::tensorflow::DoTranspose(context->eigen_device<CPUDevice>(), in operator ()() 282 context, ::tensorflow::DoTranspose(context->eigen_device<CPUDevice>(), in operator ()() 286 context->eigen_device<CPUDevice>(), x_input, in operator ()() 312 const CPUDevice& d = context->eigen_device<CPUDevice>(); in operator ()() 416 context, ::tensorflow::DoTranspose(context->eigen_device<CPUDevice>(), in operator ()() 443 const CPUDevice& d = context->eigen_device<CPUDevice>(); in operator ()() 730 f(context->eigen_device<GPUDevice>(), batch_mean->flat<U>()); in operator ()() 731 f(context->eigen_device<GPUDevice>(), batch_var->flat<U>()); in operator ()() [all …]
|
D | bias_op.cc | 144 const Device& d = context->eigen_device<Device>(); in Compute() 153 const Device& d = context->eigen_device<Device>(); in Compute() 162 const Device& d = context->eigen_device<Device>(); in Compute() 200 functor(ctx->eigen_device<Device>(), input.tensor<T, Dims>(), bias.vec<T>(), in Compute() 283 redux(context->eigen_device<Device>(), three_dims, output_backprop, in Compute() 292 redux(context->eigen_device<Device>(), two_dims, output_backprop, in Compute() 361 BiasGPU<T>::compute(context->template eigen_device<Device>(), in Compute() 490 BiasGradGPU<T>::compute(context->template eigen_device<Device>(), in ComputeWithCustomKernel()
|
D | quantize_and_dequantize_op.cc | 112 f(ctx->eigen_device<Device>(), input.flat<T>(), signed_input_, num_bits_, in Compute() 117 f(ctx->eigen_device<Device>(), in Compute() 202 f(ctx->eigen_device<Device>(), input.flat<T>(), signed_input_, in Compute() 207 f(ctx->eigen_device<Device>(), in Compute() 257 functor(ctx->eigen_device<Device>(), input.flat<T>(), signed_input_, in Compute()
|
D | fake_quant_ops.cc | 89 functor(context->eigen_device<Device>(), input.flat<float>(), min_, max_, in Operate() 138 functor(context->eigen_device<Device>(), gradient.flat<float>(), in OperateNoTemplate() 212 functor(context->eigen_device<Device>(), input.flat<float>(), in Compute() 263 functor(context->eigen_device<Device>(), gradient.flat<float>(), in Compute() 350 functor(context->eigen_device<Device>(), input.flat_inner_dims<float, 2>(), in Compute() 410 context->eigen_device<Device>(), gradient.flat_inner_dims<float, 2>(), in Compute()
|
D | pooling_ops_common.cc | 170 functor::NHWCToNCHW<GPUDevice, T, 4>()(context->eigen_device<Device>(), in Compute() 275 context->eigen_device<Device>(), in Compute() 357 functor::NHWCToNCHW<GPUDevice, T, 4>()(context->eigen_device<Device>(), in Compute() 365 functor::NHWCToNCHW<GPUDevice, T, 4>()(context->eigen_device<Device>(), in Compute() 370 context->eigen_device<Device>(), out_backprop.tensor<T, 4>(), in Compute() 479 context->eigen_device<Device>(), in Compute()
|
D | depthtospace_op.cc | 121 functor(context->eigen_device<GPUDevice>(), Tinput_v, block_size_, in Compute() 126 functor(context->eigen_device<GPUDevice>(), Tinput, block_size_, in Compute() 137 functor(context->eigen_device<Device>(), Tinput, block_size_, Toutput); in Compute()
|
D | diag_op_gpu.cu.cc | 62 const GPUDevice& device = context->eigen_device<GPUDevice>(); in operator ()() 97 const GPUDevice& device = context->eigen_device<GPUDevice>(); in operator ()()
|
D | svd_op_gpu.cu.cc | 180 const GPUDevice& d = context->eigen_device<GPUDevice>(); in RunSVD() 240 const GPUDevice& d = context->eigen_device<GPUDevice>(); in RunSVD() 256 auto device = context->eigen_device<GPUDevice>(); in RunSVD() 304 auto device = context->eigen_device<GPUDevice>(); in PerformSVD_MgeqN() 332 const GPUDevice& d = context->eigen_device<GPUDevice>(); in PerformSVD_MlessN()
|
D | strided_slice_op_impl.h | 96 context->eigen_device<Device>(), in HandleStridedSliceCase() 109 context->eigen_device<Device>(), in HandleStridedSliceCase() 136 context->eigen_device<Device>(), result->bit_casted_tensor<Proxy, NDIM>(), in HandleStridedSliceGradCase() 157 context->eigen_device<Device>(), result->bit_casted_tensor<Proxy, NDIM>(), in operator() 176 context->eigen_device<Device>(), in operator()
|
D | tensor_array.cc | 36 add_functor(ctx->template eigen_device<Device>(), sum->flat<T>(), \ 61 set_zero_functor(ctx->template eigen_device<Device>(), value->flat<T>()); \
|
D | conv_ops_fused_impl.h | 119 ctx->eigen_device<CPUDevice>(), in operator() 136 ctx->eigen_device<CPUDevice>(), in operator() 145 ctx->eigen_device<CPUDevice>(), output->tensor<T, 4>(), in operator() 154 ctx->eigen_device<CPUDevice>(), output->tensor<T, 4>(), in operator() 472 context->eigen_device<GPUDevice>(), 493 context->eigen_device<GPUDevice>(), 555 context->eigen_device<GPUDevice>(), FORMAT_OIHW, 657 context->eigen_device<GPUDevice>(),
|
D | scatter_op.cc | 131 const Index bad_i = functor(c, c->template eigen_device<Device>(), in DoCompute() 143 const Index bad_i = functor(c, c->template eigen_device<Device>(), in DoCompute() 219 const Index bad_i = functor(c, c->template eigen_device<SYCLDevice>(), in DoCompute() 231 const Index bad_i = functor(c, c->template eigen_device<SYCLDevice>(), in DoCompute()
|
D | softsign_op.cc | 41 functor(context->eigen_device<Device>(), input.flat<T>(), in Operate() 76 functor(context->eigen_device<Device>(), g.flat<T>(), a.flat<T>(), in OperateNoTemplate()
|
D | dense_update_functor.cc | 77 copy_functor_(context->eigen_device<CPUDevice>(), tensor->flat<T>(), \ 112 copy_functor_(context->eigen_device<GPUDevice>(), tensor->flat<T>(), \
|
/external/tensorflow/tensorflow/core/framework/ |
D | device_base_test.cc | 31 Eigen::ThreadPoolDevice eigen_device(pool.AsEigenThreadPool(), in TEST() local 34 dbase.set_eigen_cpu_device(&eigen_device); in TEST()
|
/external/tensorflow/tensorflow/core/util/ |
D | tensor_ops_util.h | 45 out->flat<dtype>().device(ctx->eigen_device<Device>()) = \ in ZerosLikeTensor() 105 out->flat<dtype>().device(ctx->eigen_device<Device>()) = \ in BinaryAddTensors()
|