/external/tensorflow/tensorflow/core/kernels/ |
D | strided_slice_op_gpu_impl.h | 31 typedef Eigen::GpuDevice GPUDevice; typedef 34 template struct functor::StridedSlice<GPUDevice, T, 1>; \ 35 template struct functor::StridedSlice<GPUDevice, T, 2>; \ 36 template struct functor::StridedSlice<GPUDevice, T, 3>; \ 37 template struct functor::StridedSlice<GPUDevice, T, 4>; \ 38 template struct functor::StridedSlice<GPUDevice, T, 5>; \ 39 template struct functor::StridedSlice<GPUDevice, T, 6>; \ 40 template struct functor::StridedSlice<GPUDevice, T, 7>; \ 41 template struct functor::StridedSlice<GPUDevice, T, 8>; \ 42 template struct functor::StridedSliceGrad<GPUDevice, T, 1>; \ [all …]
|
D | relu_op.cc | 32 typedef Eigen::GpuDevice GPUDevice; typedef 80 void Relu<GPUDevice, T>::operator()( \ 81 const GPUDevice& d, typename TTypes<T>::ConstTensor features, \ 83 extern template struct Relu<GPUDevice, T>; \ 86 void ReluGrad<GPUDevice, T>::operator()( \ 87 const GPUDevice& d, typename TTypes<T>::ConstTensor gradients, \ 90 extern template struct ReluGrad<GPUDevice, T>; \ 93 void Relu6<GPUDevice, T>::operator()( \ 94 const GPUDevice& d, typename TTypes<T>::ConstTensor features, \ 96 extern template struct Relu6<GPUDevice, T>; \ [all …]
|
D | aggregate_ops_gpu.cu.cc | 29 typedef Eigen::GpuDevice GPUDevice; typedef 34 struct Add2Functor<GPUDevice, T> { 35 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 38 Add2EigenImpl<GPUDevice, T>::Compute(d, out, in1, in2); in operator ()() 43 struct Add3Functor<GPUDevice, T> { 44 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 48 Add3EigenImpl<GPUDevice, T>::Compute(d, out, in1, in2, in3); in operator ()() 53 struct Add4Functor<GPUDevice, T> { 54 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 59 Add4EigenImpl<GPUDevice, T>::Compute(d, out, in1, in2, in3, in4); in operator ()() [all …]
|
D | diag_op_gpu.cu.cc | 29 typedef Eigen::GpuDevice GPUDevice; typedef 45 struct DiagFunctor<GPUDevice, T> { 62 const GPUDevice& device = context->eigen_device<GPUDevice>(); in operator ()() 73 template struct DiagFunctor<GPUDevice, double>; 74 template struct DiagFunctor<GPUDevice, float>; 75 template struct DiagFunctor<GPUDevice, int32>; 76 template struct DiagFunctor<GPUDevice, int64>; 77 template struct DiagFunctor<GPUDevice, complex64>; 78 template struct DiagFunctor<GPUDevice, complex128>; 79 template struct DiagFunctor<GPUDevice, Eigen::half>; [all …]
|
D | quantize_and_dequantize_op_gpu.cu.cc | 27 typedef Eigen::GpuDevice GPUDevice; typedef 31 struct QuantizeAndDequantizeOneScaleFunctor<GPUDevice, T> { 32 void operator()(const GPUDevice& d, typename TTypes<T>::ConstVec input, in operator ()() 37 QuantizeAndDequantizeOneScaleImpl<GPUDevice, T>::Compute( in operator ()() 44 struct QuantizeAndDequantizePerChannelFunctor<GPUDevice, T> { 45 void operator()(const GPUDevice& d, typename TTypes<T, 3>::ConstTensor input, in operator ()() 50 QuantizeAndDequantizePerChannelImpl<GPUDevice, T>::Compute( in operator ()() 57 struct QuantizeAndDequantizeOneScaleGradientFunctor<GPUDevice, T> { 58 void operator()(const GPUDevice& d, typename TTypes<T>::ConstFlat gradient, in operator ()() 65 QuantizeAndDequantizeOneScaleGradientImpl<GPUDevice, T>::Compute( in operator ()() [all …]
|
D | random_op_gpu.cu.cc | 36 typedef Eigen::GpuDevice GPUDevice; typedef 42 GPUDevice, random::UniformDistribution<random::PhiloxRandom, Eigen::half> >; 44 GPUDevice, random::UniformDistribution<random::PhiloxRandom, float> >; 46 GPUDevice, random::UniformDistribution<random::PhiloxRandom, double> >; 48 GPUDevice, random::UniformDistribution<random::PhiloxRandom, int32> >; 50 GPUDevice, random::UniformDistribution<random::PhiloxRandom, int64> >; 52 GPUDevice, 55 GPUDevice, 58 GPUDevice, 61 GPUDevice, [all …]
|
D | list_kernels.cu.cc | 37 typedef Eigen::GpuDevice GPUDevice; typedef 44 TensorListStack<GPUDevice, T>) \ 50 TensorListGather<GPUDevice, T>) \ 56 TensorListGetItem<GPUDevice, T>) \ 61 TensorListPopBack<GPUDevice, T>) \ 66 TensorListConcat<GPUDevice, T>) \ 73 TensorListConcat<GPUDevice, T>) \ 77 TensorListPushBackBatch<GPUDevice, T>) \ 82 TensorListFromTensor<GPUDevice, T>) \ 88 TensorListScatter<GPUDevice, T>) \ [all …]
|
D | cwise_op_gpu_select.cu.cc | 27 struct BCastSelectFunctor<GPUDevice, T, NDIMS> { 28 void operator()(const GPUDevice& d, in operator ()() 43 struct SelectFunctor<GPUDevice, T> { 44 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 54 struct SelectScalarFunctor<GPUDevice, T> { 55 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 74 struct BatchSelectFunctor<GPUDevice, T> { 75 void operator()(const GPUDevice& d, in operator ()() 109 template struct SelectFunctor<GPUDevice, T>; \ 110 template struct SelectScalarFunctor<GPUDevice, T>; \ [all …]
|
D | stateful_random_ops_gpu.cu.cc | 64 void UpdateVariableAndFill_Philox<GPUDevice, Distribution>::operator()( in operator ()() 65 OpKernelContext* ctx, const GPUDevice& d, Distribution dist, in operator ()() 109 void RngSkip_Philox<GPUDevice>::operator()(const GPUDevice& d, in operator ()() 122 GPUDevice, random::NormalDistribution<random::PhiloxRandom, Eigen::half> >; 124 GPUDevice, random::NormalDistribution<random::PhiloxRandom, float> >; 126 GPUDevice, random::NormalDistribution<random::PhiloxRandom, double> >; 128 GPUDevice, random::TruncatedNormalDistribution< 132 GPUDevice, random::TruncatedNormalDistribution< 136 GPUDevice, random::TruncatedNormalDistribution< 140 GPUDevice, random::UniformDistribution<random::PhiloxRandom, Eigen::half> >; [all …]
|
D | training_ops_gpu.cu.cc | 26 typedef Eigen::GpuDevice GPUDevice; typedef 337 struct ApplyGradientDescent<GPUDevice, T> { 338 void operator()(const GPUDevice& d, typename TTypes<T>::Flat var, in operator ()() 446 void wrap_kernel_call(void (*func)(KernelArgs...), const GPUDevice& d, T var, in wrap_kernel_call() 459 struct ApplyAdagrad<GPUDevice, T> { 460 void operator()(const GPUDevice& d, typename TTypes<T>::Flat var, in operator ()() 480 struct ApplyAdagradV2<GPUDevice, T> { 481 void operator()(const GPUDevice& d, typename TTypes<T>::Flat var, in operator ()() 504 struct SparseApplyAdagrad<GPUDevice, T, Tindex, has_epsilon> { 505 Status operator()(const GPUDevice& d, typename TTypes<T>::Matrix var, in operator ()() [all …]
|
D | pad_op_gpu.cu.cc | 27 typedef Eigen::GpuDevice GPUDevice; typedef 31 template struct functor::Pad<GPUDevice, T, Tpadding, 0>; \ 32 template struct functor::Pad<GPUDevice, T, Tpadding, 1>; \ 33 template struct functor::Pad<GPUDevice, T, Tpadding, 2>; \ 34 template struct functor::Pad<GPUDevice, T, Tpadding, 3>; \ 35 template struct functor::Pad<GPUDevice, T, Tpadding, 4>; \ 36 template struct functor::Pad<GPUDevice, T, Tpadding, 5>; \ 37 template struct functor::Pad<GPUDevice, T, Tpadding, 6>; \ 38 template struct functor::Pad<GPUDevice, T, Tpadding, 7>; \ 39 template struct functor::Pad<GPUDevice, T, Tpadding, 8>;
|
D | slice_op_gpu.cu.cc | 28 typedef Eigen::GpuDevice GPUDevice; typedef 31 template struct functor::Slice<GPUDevice, T, 1>; \ 32 template struct functor::Slice<GPUDevice, T, 2>; \ 33 template struct functor::Slice<GPUDevice, T, 3>; \ 34 template struct functor::Slice<GPUDevice, T, 4>; \ 35 template struct functor::Slice<GPUDevice, T, 5>; \ 36 template struct functor::Slice<GPUDevice, T, 6>; \ 37 template struct functor::Slice<GPUDevice, T, 7>; \ 38 template struct functor::Slice<GPUDevice, T, 8>;
|
D | multinomial_op_gpu.cu.cc | 37 using GPUDevice = Eigen::GpuDevice; typedef 58 struct MultinomialFunctor<GPUDevice, T, OutputType> { 59 void operator()(OpKernelContext* ctx, const GPUDevice& d, in operator ()() 69 functor::FillPhiloxRandom<GPUDevice, Dist>()( in operator ()() 104 Constants<GPUDevice> constants; in operator ()() 126 template struct MultinomialFunctor<GPUDevice, Eigen::half, int32>; 127 template struct MultinomialFunctor<GPUDevice, float, int32>; 128 template struct MultinomialFunctor<GPUDevice, double, int32>; 129 template struct MultinomialFunctor<GPUDevice, int32, int32>; 130 template struct MultinomialFunctor<GPUDevice, int64, int32>; [all …]
|
D | fill_functor.cu.cc | 67 typedef Eigen::GpuDevice GPUDevice; typedef 71 struct FillFunctor<GPUDevice, T> { 72 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 79 #define DEFINE_FILL_GPU(T) template struct FillFunctor<GPUDevice, T>; 86 struct SetZeroFunctor<GPUDevice, T> { 87 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out) { in operator ()() 93 void SetZeroFunctor<GPUDevice, Variant>::operator()( in operator ()() 94 const GPUDevice& d, typename TTypes<Variant>::Flat out) { in operator ()() 98 #define DEFINE_SETZERO_GPU(T) template struct SetZeroFunctor<GPUDevice, T>; 106 struct SetOneFunctor<GPUDevice, T> { [all …]
|
D | dense_update_functor_gpu.cu.cc | 26 typedef Eigen::GpuDevice GPUDevice; typedef 31 struct DenseUpdate<GPUDevice, T, ASSIGN> { 32 void operator()(const GPUDevice& d, typename TTypes<T>::Flat params, in operator ()() 39 struct DenseUpdate<GPUDevice, T, ADD> { 40 void operator()(const GPUDevice& d, typename TTypes<T>::Flat params, in operator ()() 47 struct DenseUpdate<GPUDevice, T, SUB> { 48 void operator()(const GPUDevice& d, typename TTypes<T>::Flat params, in operator ()() 57 template struct functor::DenseUpdate<GPUDevice, T, ADD>; \ 58 template struct functor::DenseUpdate<GPUDevice, T, SUB>; 66 template struct functor::DenseUpdate<GPUDevice, T, ASSIGN>;
|
D | fake_quant_ops_gpu.cu.cc | 26 typedef Eigen::GpuDevice GPUDevice; typedef 29 template struct FakeQuantWithMinMaxArgsFunctor<GPUDevice>; 30 template struct FakeQuantWithMinMaxArgsGradientFunctor<GPUDevice>; 31 template struct FakeQuantWithMinMaxVarsFunctor<GPUDevice>; 32 template struct FakeQuantWithMinMaxVarsGradientFunctor<GPUDevice>; 33 template struct FakeQuantWithMinMaxVarsPerChannelFunctor<GPUDevice>; 34 template struct FakeQuantWithMinMaxVarsPerChannelGradientFunctor<GPUDevice>;
|
D | constant_op_gpu.cu.cc | 67 typedef Eigen::GpuDevice GPUDevice; typedef 71 struct FillFunctor<GPUDevice, T> { 72 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 79 #define DEFINE_FILL_GPU(T) template struct FillFunctor<GPUDevice, T>; 86 struct SetZeroFunctor<GPUDevice, T> { 87 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out) { in operator ()() 92 #define DEFINE_SETZERO_GPU(T) template struct SetZeroFunctor<GPUDevice, T>; 99 struct SetOneFunctor<GPUDevice, T> { 100 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out) { in operator ()() 105 #define DEFINE_SETONE_GPU(T) template struct SetOneFunctor<GPUDevice, T>;
|
D | diag_op.cc | 39 typedef Eigen::GpuDevice GPUDevice; typedef 201 extern template struct DiagFunctor<GPUDevice, double>; 202 extern template struct DiagFunctor<GPUDevice, float>; 203 extern template struct DiagFunctor<GPUDevice, int32>; 204 extern template struct DiagFunctor<GPUDevice, int64>; 205 extern template struct DiagFunctor<GPUDevice, complex64>; 206 extern template struct DiagFunctor<GPUDevice, complex128>; 212 DiagOp<GPUDevice, T>) 224 extern template struct DiagPartFunctor<GPUDevice, double>; 225 extern template struct DiagPartFunctor<GPUDevice, float>; [all …]
|
D | xent_op_gpu.cu.cc | 28 typedef Eigen::GpuDevice GPUDevice; typedef 34 struct XentFunctor<GPUDevice, T> { 35 void operator()(const GPUDevice &d, in operator ()() 44 XentEigenImpl<GPUDevice, T>::Compute(d, shape, logits_bcast, labels_bcast, in operator ()() 52 template struct functor::XentFunctor<GPUDevice, Eigen::half>; 53 template struct functor::XentFunctor<GPUDevice, float>; 54 template struct functor::XentFunctor<GPUDevice, double>;
|
D | searchsorted_op_gpu.cu.cc | 30 typedef Eigen::GpuDevice GPUDevice; typedef 62 struct UpperBoundFunctor<GPUDevice, T, OutType> { 68 const GPUDevice& device = context->eigen_device<GPUDevice>(); in Compute() 85 struct LowerBoundFunctor<GPUDevice, T, OutType> { 91 const GPUDevice& device = context->eigen_device<GPUDevice>(); in Compute() 109 template struct functor::UpperBoundFunctor<GPUDevice, type, int32>; 115 template struct functor::UpperBoundFunctor<GPUDevice, type, int64>; 121 template struct functor::LowerBoundFunctor<GPUDevice, type, int32>; 127 template struct functor::LowerBoundFunctor<GPUDevice, type, int64>;
|
D | cwise_op_clip_gpu.cu.cc | 66 struct UnaryClipOp<GPUDevice, T> { 67 void operator()(const GPUDevice &d, typename TTypes<T>::ConstFlat &in0_flat, in operator ()() 82 struct BinaryRightClipOp<GPUDevice, T> { 83 void operator()(const GPUDevice &d, typename TTypes<T>::ConstFlat &in0_flat, in operator ()() 98 struct BinaryLeftClipOp<GPUDevice, T> { 99 void operator()(const GPUDevice &d, typename TTypes<T>::ConstFlat &in0_flat, in operator ()() 114 struct TernaryClipOp<GPUDevice, T> { 115 void operator()(const GPUDevice &d, typename TTypes<T>::ConstFlat &in0_flat, in operator ()() 124 template struct UnaryClipOp<GPUDevice, T>; \ 125 template struct BinaryRightClipOp<GPUDevice, T>; \ [all …]
|
D | fake_quant_ops.cc | 158 typedef Eigen::GpuDevice GPUDevice; typedef 162 void FakeQuantWithMinMaxArgsFunctor<GPUDevice>::operator()( 163 const GPUDevice& d, typename TTypes<float>::ConstFlat inputs, 166 extern template struct FakeQuantWithMinMaxArgsFunctor<GPUDevice>; 168 FakeQuantWithMinMaxArgsOp<GPUDevice>); 171 void FakeQuantWithMinMaxArgsGradientFunctor<GPUDevice>::operator()( 172 const GPUDevice& d, typename TTypes<float>::ConstFlat gradients, 178 FakeQuantWithMinMaxArgsGradientOp<GPUDevice>); 283 void FakeQuantWithMinMaxVarsFunctor<GPUDevice>::operator()( 284 const GPUDevice& d, typename TTypes<float>::ConstFlat inputs, [all …]
|
/external/tensorflow/tensorflow/core/kernels/image/ |
D | adjust_contrast_op_gpu.cu.cc | 26 typedef Eigen::GpuDevice GPUDevice; typedef 29 template struct functor::AdjustContrastv2<GPUDevice, float>; 30 template struct functor::AdjustContrastv2<GPUDevice, Eigen::half>; 33 template struct functor::AdjustContrast<GPUDevice, uint8>; 34 template struct functor::AdjustContrast<GPUDevice, int8>; 35 template struct functor::AdjustContrast<GPUDevice, int16>; 36 template struct functor::AdjustContrast<GPUDevice, int32>; 37 template struct functor::AdjustContrast<GPUDevice, int64>; 38 template struct functor::AdjustContrast<GPUDevice, float>; 39 template struct functor::AdjustContrast<GPUDevice, double>;
|
D | image_ops_gpu.cu.cc | 30 typedef Eigen::GpuDevice GPUDevice; typedef 32 template class FillProjectiveTransform<GPUDevice, uint8>; 33 template class FillProjectiveTransform<GPUDevice, int32>; 34 template class FillProjectiveTransform<GPUDevice, int64>; 35 template class FillProjectiveTransform<GPUDevice, Eigen::half>; 36 template class FillProjectiveTransform<GPUDevice, float>; 37 template class FillProjectiveTransform<GPUDevice, double>;
|
/external/tensorflow/tensorflow/core/kernels/linalg/ |
D | determinant_op_gpu.cu.cc | 31 typedef Eigen::GpuDevice GPUDevice; typedef 123 struct DeterminantFromPivotedLUFunctor<GPUDevice, Scalar> { 124 void operator()(const GPUDevice& device, in operator ()() 140 template struct DeterminantFromPivotedLUFunctor<GPUDevice, float>; 141 template struct DeterminantFromPivotedLUFunctor<GPUDevice, double>; 142 template struct DeterminantFromPivotedLUFunctor<GPUDevice, complex64>; 143 template struct DeterminantFromPivotedLUFunctor<GPUDevice, complex128>; 146 struct LogDeterminantFromPivotedLUFunctor<GPUDevice, Scalar> { 147 void operator()(const GPUDevice& device, in operator ()() 162 template struct LogDeterminantFromPivotedLUFunctor<GPUDevice, float>; [all …]
|