/external/tensorflow/tensorflow/core/kernels/ |
D | strided_slice_op_gpu.cu.cc | 28 typedef Eigen::GpuDevice GPUDevice; typedef 31 template struct functor::StridedSlice<GPUDevice, T, 1>; \ 32 template struct functor::StridedSlice<GPUDevice, T, 2>; \ 33 template struct functor::StridedSlice<GPUDevice, T, 3>; \ 34 template struct functor::StridedSlice<GPUDevice, T, 4>; \ 35 template struct functor::StridedSlice<GPUDevice, T, 5>; \ 36 template struct functor::StridedSlice<GPUDevice, T, 6>; \ 37 template struct functor::StridedSlice<GPUDevice, T, 7>; \ 38 template struct functor::StridedSliceGrad<GPUDevice, T, 1>; \ 39 template struct functor::StridedSliceGrad<GPUDevice, T, 2>; \ [all …]
|
D | aggregate_ops_gpu.cu.cc | 28 typedef Eigen::GpuDevice GPUDevice; typedef 33 struct Add2Functor<GPUDevice, T> { 34 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 37 Add2EigenImpl<GPUDevice, T>::Compute(d, out, in1, in2); in operator ()() 42 struct Add3Functor<GPUDevice, T> { 43 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 47 Add3EigenImpl<GPUDevice, T>::Compute(d, out, in1, in2, in3); in operator ()() 52 struct Add4Functor<GPUDevice, T> { 53 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 58 Add4EigenImpl<GPUDevice, T>::Compute(d, out, in1, in2, in3, in4); in operator ()() [all …]
|
D | relu_op.cc | 31 typedef Eigen::GpuDevice GPUDevice; typedef 76 void Relu<GPUDevice, T>::operator()( \ 77 const GPUDevice& d, typename TTypes<T>::ConstTensor features, \ 79 extern template struct Relu<GPUDevice, T>; \ 82 void ReluGrad<GPUDevice, T>::operator()( \ 83 const GPUDevice& d, typename TTypes<T>::ConstTensor gradients, \ 86 extern template struct ReluGrad<GPUDevice, T>; \ 89 void Relu6<GPUDevice, T>::operator()( \ 90 const GPUDevice& d, typename TTypes<T>::ConstTensor features, \ 92 extern template struct Relu6<GPUDevice, T>; \ [all …]
|
D | diag_op_gpu.cu.cc | 28 typedef Eigen::GpuDevice GPUDevice; typedef 44 struct DiagFunctor<GPUDevice, T> { 61 const GPUDevice& device = context->eigen_device<GPUDevice>(); in operator ()() 77 template struct DiagFunctor<GPUDevice, double>; 78 template struct DiagFunctor<GPUDevice, float>; 79 template struct DiagFunctor<GPUDevice, int32>; 80 template struct DiagFunctor<GPUDevice, int64>; 81 template struct DiagFunctor<GPUDevice, complex64>; 82 template struct DiagFunctor<GPUDevice, complex128>; 93 struct DiagPartFunctor<GPUDevice, T> { [all …]
|
D | training_ops_gpu.cu.cc | 25 typedef Eigen::GpuDevice GPUDevice; typedef 29 struct ApplyGradientDescent<GPUDevice, T> { 30 void operator()(const GPUDevice& d, typename TTypes<T>::Flat var, in operator ()() 41 struct ApplyAdagrad<GPUDevice, T> { 42 void operator()(const GPUDevice& d, typename TTypes<T>::Flat var, in operator ()() 55 struct ApplyAdadelta<GPUDevice, T> { 56 void operator()(const GPUDevice& d, typename TTypes<T>::Flat var, in operator ()() 82 struct ApplyMomentum<GPUDevice, T> { 83 void operator()(const GPUDevice& d, typename TTypes<T>::Flat var, in operator ()() 103 struct ApplyAdam<GPUDevice, T> { [all …]
|
D | conv_ops_gpu_3.cu.cc | 34 typedef Eigen::GpuDevice GPUDevice; typedef 434 struct TransformFilter<GPUDevice, T, int, NDIMS> { 435 typedef GPUDevice Device; 455 struct ReverseTransformFilter<GPUDevice, T, NDIMS> { 456 typedef GPUDevice Device; 476 struct PadInput<GPUDevice, T, int, NDIMS> { 477 typedef GPUDevice Device; 610 const GPUDevice& d, int tile_size_i, int tile_size_j, int total_tiles_count, in LaunchBatchNarrowMatrixTransposeKernel() 645 static void DoIt(const GPUDevice& d, int tile_size_i, int tile_size_j, in DoIt() 688 static void DoIt(const GPUDevice& d, int tile_size_i, int tile_size_j, in DoIt() [all …]
|
D | adjust_contrast_op_gpu.cu.cc | 26 typedef Eigen::GpuDevice GPUDevice; typedef 29 template struct functor::AdjustContrastv2<GPUDevice>; 32 template struct functor::AdjustContrast<GPUDevice, uint8>; 33 template struct functor::AdjustContrast<GPUDevice, int8>; 34 template struct functor::AdjustContrast<GPUDevice, int16>; 35 template struct functor::AdjustContrast<GPUDevice, int32>; 36 template struct functor::AdjustContrast<GPUDevice, int64>; 37 template struct functor::AdjustContrast<GPUDevice, float>; 38 template struct functor::AdjustContrast<GPUDevice, double>;
|
D | relu_op_gpu.cu.cc | 29 typedef Eigen::GpuDevice GPUDevice; typedef 33 template struct functor::Relu<GPUDevice, T>; \ 34 template struct functor::ReluGrad<GPUDevice, T>; \ 35 template struct functor::Relu6<GPUDevice, T>; \ 36 template struct functor::Relu6Grad<GPUDevice, T>; \ 37 template struct functor::Elu<GPUDevice, T>; \ 38 template struct functor::EluGrad<GPUDevice, T>; \ 39 template struct functor::Selu<GPUDevice, T>; \ 40 template struct functor::SeluGrad<GPUDevice, T>;
|
D | multinomial_op_gpu.cu.cc | 36 using GPUDevice = Eigen::GpuDevice; typedef 55 struct MultinomialFunctor<GPUDevice, T, OutputType> { 56 void operator()(OpKernelContext* ctx, const GPUDevice& d, in operator ()() 66 functor::FillPhiloxRandom<GPUDevice, Dist>()(ctx, d, gen, noises.data(), in operator ()() 116 template struct MultinomialFunctor<GPUDevice, Eigen::half, int32>; 117 template struct MultinomialFunctor<GPUDevice, float, int32>; 118 template struct MultinomialFunctor<GPUDevice, double, int32>; 119 template struct MultinomialFunctor<GPUDevice, int32, int32>; 120 template struct MultinomialFunctor<GPUDevice, int64, int32>; 122 template struct MultinomialFunctor<GPUDevice, Eigen::half, int64>; [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>; 64 template struct functor::DenseUpdate<GPUDevice, T, ASSIGN>;
|
D | transpose_functor_gpu.cu.cc | 29 typedef Eigen::GpuDevice GPUDevice; typedef 57 void TransposeSimple(const GPUDevice& d, const Tensor& in, in TransposeSimple() 115 tensorflow::functor::SwapDimension1And2InTensor3<GPUDevice, T, in run() 123 tensorflow::functor::SwapDimension1And2InTensor3<GPUDevice, T, in run() 128 tensorflow::functor::SwapDimension0And2InTensor3<GPUDevice, T, in run() 172 struct Transpose<GPUDevice, T, conjugate> { 173 static void run(const GPUDevice& d, const Tensor& in, in run() 179 internal::TransposeUsingEigen<GPUDevice, T, 2>(d, in, perm, conjugate, in run() 186 internal::TransposeUsingEigen<GPUDevice, T, 3>(d, in, perm, conjugate, in run() 193 internal::TransposeUsingEigen<GPUDevice, T, 4>(d, in, perm, conjugate, in run() [all …]
|
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>;
|
D | pad_op_gpu.cu.cc | 26 typedef Eigen::GpuDevice GPUDevice; typedef 30 template struct functor::Pad<GPUDevice, T, Tpadding, 0>; \ 31 template struct functor::Pad<GPUDevice, T, Tpadding, 1>; \ 32 template struct functor::Pad<GPUDevice, T, Tpadding, 2>; \ 33 template struct functor::Pad<GPUDevice, T, Tpadding, 3>; \ 34 template struct functor::Pad<GPUDevice, T, Tpadding, 4>; \ 35 template struct functor::Pad<GPUDevice, T, Tpadding, 5>; \ 36 template struct functor::Pad<GPUDevice, T, Tpadding, 6>;
|
D | fake_quant_ops_gpu.cu.cc | 25 typedef Eigen::GpuDevice GPUDevice; typedef 28 template struct FakeQuantWithMinMaxArgsFunctor<GPUDevice>; 29 template struct FakeQuantWithMinMaxArgsGradientFunctor<GPUDevice>; 30 template struct FakeQuantWithMinMaxVarsFunctor<GPUDevice>; 31 template struct FakeQuantWithMinMaxVarsGradientFunctor<GPUDevice>; 32 template struct FakeQuantWithMinMaxVarsPerChannelFunctor<GPUDevice>; 33 template struct FakeQuantWithMinMaxVarsPerChannelGradientFunctor<GPUDevice>;
|
D | constant_op_gpu.cu.cc | 66 typedef Eigen::GpuDevice GPUDevice; typedef 70 struct FillFunctor<GPUDevice, T> { 71 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 78 #define DEFINE_FILL_GPU(T) template struct FillFunctor<GPUDevice, T>; 85 struct SetZeroFunctor<GPUDevice, T> { 86 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out) { in operator ()() 91 #define DEFINE_SETZERO_GPU(T) template struct SetZeroFunctor<GPUDevice, T>; 98 struct SetOneFunctor<GPUDevice, T> { 99 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out) { in operator ()() 104 #define DEFINE_SETONE_GPU(T) template struct SetOneFunctor<GPUDevice, T>;
|
D | fill_functor.cu.cc | 66 typedef Eigen::GpuDevice GPUDevice; typedef 70 struct FillFunctor<GPUDevice, T> { 71 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 78 #define DEFINE_FILL_GPU(T) template struct FillFunctor<GPUDevice, T>; 85 struct SetZeroFunctor<GPUDevice, T> { 86 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out) { in operator ()() 91 #define DEFINE_SETZERO_GPU(T) template struct SetZeroFunctor<GPUDevice, T>; 98 struct SetOneFunctor<GPUDevice, T> { 99 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out) { in operator ()() 104 #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 | fake_quant_ops.cc | 147 typedef Eigen::GpuDevice GPUDevice; typedef 151 void FakeQuantWithMinMaxArgsFunctor<GPUDevice>::operator()( 152 const GPUDevice& d, typename TTypes<float>::ConstFlat inputs, 155 extern template struct FakeQuantWithMinMaxArgsFunctor<GPUDevice>; 157 FakeQuantWithMinMaxArgsOp<GPUDevice>); 160 void FakeQuantWithMinMaxArgsGradientFunctor<GPUDevice>::operator()( 161 const GPUDevice& d, typename TTypes<float>::ConstFlat gradients, 167 FakeQuantWithMinMaxArgsGradientOp<GPUDevice>); 270 void FakeQuantWithMinMaxVarsFunctor<GPUDevice>::operator()( 271 const GPUDevice& d, typename TTypes<float>::ConstFlat inputs, [all …]
|
D | determinant_op_gpu.cu.cc | 31 typedef Eigen::GpuDevice GPUDevice; typedef 124 struct DeterminantFromPivotedLUFunctor<GPUDevice, Scalar> { 125 void operator()(const GPUDevice& device, in operator ()() 139 template struct DeterminantFromPivotedLUFunctor<GPUDevice, float>; 140 template struct DeterminantFromPivotedLUFunctor<GPUDevice, double>; 141 template struct DeterminantFromPivotedLUFunctor<GPUDevice, complex64>; 142 template struct DeterminantFromPivotedLUFunctor<GPUDevice, complex128>; 145 struct LogDeterminantFromPivotedLUFunctor<GPUDevice, Scalar> { 146 void operator()(const GPUDevice& device, in operator ()() 160 template struct LogDeterminantFromPivotedLUFunctor<GPUDevice, float>; [all …]
|
D | xent_op_gpu.cu.cc | 27 typedef Eigen::GpuDevice GPUDevice; typedef 33 struct XentFunctor<GPUDevice, T> { 34 void operator()(const GPUDevice& d, typename TTypes<T>::ConstMatrix logits, in operator ()() 39 XentEigenImpl<GPUDevice, T>::Compute(d, logits, labels, scratch, loss, in operator ()() 46 template struct functor::XentFunctor<GPUDevice, Eigen::half>; 47 template struct functor::XentFunctor<GPUDevice, float>; 48 template struct functor::XentFunctor<GPUDevice, double>;
|
D | random_op_gpu.cu.cc | 37 typedef Eigen::GpuDevice GPUDevice; typedef 216 void FillPhiloxRandom<GPUDevice, Distribution>::operator()( in operator ()() 217 OpKernelContext*, const GPUDevice& d, random::PhiloxRandom gen, in operator ()() 233 GPUDevice, random::UniformDistribution<random::PhiloxRandom, Eigen::half> >; 235 GPUDevice, random::UniformDistribution<random::PhiloxRandom, float> >; 237 GPUDevice, random::UniformDistribution<random::PhiloxRandom, double> >; 239 GPUDevice, random::UniformDistribution<random::PhiloxRandom, int32> >; 241 GPUDevice, random::UniformDistribution<random::PhiloxRandom, int64> >; 243 GPUDevice, random::NormalDistribution<random::PhiloxRandom, Eigen::half> >; 245 GPUDevice, random::NormalDistribution<random::PhiloxRandom, float> >; [all …]
|
D | cwise_op_gpu_select.cu.cc | 27 struct SelectFunctor<GPUDevice, T> { 28 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 38 struct SelectScalarFunctor<GPUDevice, T> { 39 void operator()(const GPUDevice& d, typename TTypes<T>::Flat out, in operator ()() 58 struct BatchSelectFunctor<GPUDevice, T> { 59 void operator()(const GPUDevice& d, in operator ()() 93 template struct SelectFunctor<GPUDevice, T>; \ 94 template struct SelectScalarFunctor<GPUDevice, T>; \ 95 template struct BatchSelectFunctor<GPUDevice, T>;
|
D | argmax_op.cc | 41 typedef Eigen::GpuDevice GPUDevice; typedef 156 void ArgMax<GPUDevice, T, Tout>::Reduce##Dims( \ 157 const GPUDevice& d, typename TTypes<T, Dims>::ConstTensor input, \ 160 void ArgMin<GPUDevice, T, Tout>::Reduce##Dims( \ 161 const GPUDevice& d, typename TTypes<T, Dims>::ConstTensor input, \ 177 extern template struct ArgMax<GPUDevice, T, int64>; \ 178 extern template struct ArgMin<GPUDevice, T, int64>; \ 179 extern template struct ArgMax<GPUDevice, T, int32>; \ 180 extern template struct ArgMin<GPUDevice, T, int32>; 198 ArgMaxOp<GPUDevice, type, int64>); \ [all …]
|
D | eye_functor_gpu.cu.cc | 30 typedef Eigen::GpuDevice GPUDevice; typedef 49 struct EyeFunctor<GPUDevice, Scalar> { 50 void operator()(const GPUDevice& device, in operator ()() 62 template struct EyeFunctor<GPUDevice, float>; 63 template struct EyeFunctor<GPUDevice, double>; 64 template struct EyeFunctor<GPUDevice, complex64>; 65 template struct EyeFunctor<GPUDevice, complex128>;
|
/external/tensorflow/tensorflow/contrib/image/kernels/ |
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, float>; 36 template class FillProjectiveTransform<GPUDevice, double>;
|