HomeSort by relevance Sort by last modified time
    Searched refs:GPUDevice (Results 76 - 100 of 262) sorted by null

1 2 34 5 6 7 8 91011

  /external/tensorflow/tensorflow/core/kernels/
reduction_ops_gpu_complex128.cu.cc 25 typedef Eigen::GpuDevice GPUDevice;
37 template void ReduceFunctor<GPUDevice, REDUCER>::Reduce( \
44 template void ReduceFunctor<GPUDevice, REDUCER>::FillIdentity( \
45 const GPUDevice& d, TTypes<T>::Vec out, const REDUCER& reducer);
reduction_ops_gpu_complex64.cu.cc 25 typedef Eigen::GpuDevice GPUDevice;
37 template void ReduceFunctor<GPUDevice, REDUCER>::Reduce( \
44 template void ReduceFunctor<GPUDevice, REDUCER>::FillIdentity( \
45 const GPUDevice& d, TTypes<T>::Vec out, const REDUCER& reducer);
reduction_ops_gpu_double.cu.cc 25 typedef Eigen::GpuDevice GPUDevice;
37 template void ReduceFunctor<GPUDevice, REDUCER>::Reduce( \
44 template void ReduceFunctor<GPUDevice, REDUCER>::FillIdentity( \
45 const GPUDevice& d, TTypes<T>::Vec out, const REDUCER& reducer);
reduction_ops_gpu_float.cu.cc 25 typedef Eigen::GpuDevice GPUDevice;
37 template void ReduceFunctor<GPUDevice, REDUCER>::Reduce( \
44 template void ReduceFunctor<GPUDevice, REDUCER>::FillIdentity( \
45 const GPUDevice& d, TTypes<T>::Vec out, const REDUCER& reducer);
reduction_ops_gpu_int.cu.cc 25 typedef Eigen::GpuDevice GPUDevice;
37 template void ReduceFunctor<GPUDevice, REDUCER>::Reduce( \
44 template void ReduceFunctor<GPUDevice, REDUCER>::FillIdentity( \
45 const GPUDevice& d, TTypes<T>::Vec out, const REDUCER& reducer);
reduction_ops_half_mean_sum.cu.cc 25 typedef Eigen::GpuDevice GPUDevice;
37 template void ReduceFunctor<GPUDevice, REDUCER>::Reduce( \
44 template void ReduceFunctor<GPUDevice, REDUCER>::FillIdentity( \
45 const GPUDevice& d, TTypes<T>::Vec out, const REDUCER& reducer);
reduction_ops_half_prod_max_min.cu.cc 25 typedef Eigen::GpuDevice GPUDevice;
37 template void ReduceFunctor<GPUDevice, REDUCER>::Reduce( \
44 template void ReduceFunctor<GPUDevice, REDUCER>::FillIdentity( \
45 const GPUDevice& d, TTypes<T>::Vec out, const REDUCER& reducer);
scatter_functor.cc 24 typedef Eigen::GpuDevice GPUDevice;
31 Index ScatterFunctor<GPUDevice, T, Index, op>::operator()( \
32 OpKernelContext* c, const GPUDevice& d, \
36 extern template struct ScatterFunctor<GPUDevice, T, Index, op>;
sparse_tensor_dense_matmul_op_gpu.cu.cc 28 typedef Eigen::GpuDevice GPUDevice;
66 struct SparseTensorDenseMatMulFunctor<GPUDevice, T, Tindices, ADJ_A, ADJ_B> {
68 Compute(const GPUDevice& d, typename TTypes<T>::Matrix out,
97 GPUDevice, T, Tindices, false, false>; \
99 GPUDevice, T, Tindices, false, true>; \
101 GPUDevice, T, Tindices, true, false>; \
103 GPUDevice, T, Tindices, true, true>;
diag_op.cc 39 typedef Eigen::GpuDevice GPUDevice;
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>
    [all...]
colorspace_op.cc 37 typedef Eigen::GpuDevice GPUDevice;
128 void RGBToHSV<GPUDevice, T>::operator()( \
129 const GPUDevice& d, TTypes<T, 2>::ConstTensor input_data, \
131 extern template struct RGBToHSV<GPUDevice, T>; \
133 void HSVToRGB<GPUDevice, T>::operator()( \
134 const GPUDevice& d, TTypes<T, 2>::ConstTensor input_data, \
136 extern template struct HSVToRGB<GPUDevice, T>;
143 RGBToHSVOp<GPUDevice, T>); \
146 HSVToRGBOp<GPUDevice, T>)
    [all...]
data_format_ops.cc 29 typedef Eigen::GpuDevice GPUDevice;
137 void DataFormatDimMap<GPUDevice, T>::operator()( \
138 const GPUDevice& d, typename TTypes<T>::ConstFlat x, \
140 extern template struct DataFormatDimMap<GPUDevice, T>;
148 void DataFormatVecPermute<GPUDevice, T>::operator()( \
149 const GPUDevice& d, typename TTypes<T>::ConstFlat x, \
151 extern template struct DataFormatVecPermute<GPUDevice, T>;
162 DataFormatDimMapOp<GPUDevice, T>);
170 DataFormatVecPermuteOp<GPUDevice, T>)
    [all...]
softplus_op.cc 32 typedef Eigen::GpuDevice GPUDevice;
100 void Softplus<GPUDevice, T>::operator()( \
101 const GPUDevice& d, typename TTypes<T>::ConstTensor features, \
103 extern template struct Softplus<GPUDevice, T>; \
106 void SoftplusGrad<GPUDevice, T>::operator()( \
107 const GPUDevice& d, typename TTypes<T>::ConstTensor gradients, \
110 extern template struct SoftplusGrad<GPUDevice, T>;
119 SoftplusOp<GPUDevice, type>); \
122 SoftplusGradOp<GPUDevice, type>)
    [all...]
softsign_op.cc 32 typedef Eigen::GpuDevice GPUDevice;
101 void Softsign<GPUDevice, T>::operator()( \
102 const GPUDevice& d, typename TTypes<T>::ConstTensor features, \
104 extern template struct Softsign<GPUDevice, T>; \
107 void SoftsignGrad<GPUDevice, T>::operator()( \
108 const GPUDevice& d, typename TTypes<T>::ConstTensor gradients, \
111 extern template struct SoftsignGrad<GPUDevice, T>;
120 SoftsignOp<GPUDevice, type>); \
123 SoftsignGradOp<GPUDevice, type>)
    [all...]
random_op_gpu.cu.cc 37 typedef Eigen::GpuDevice GPUDevice;
216 void FillPhiloxRandom<GPUDevice, Distribution>::operator()(
217 OpKernelContext*, const GPUDevice& d, random::PhiloxRandom gen,
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> >
    [all...]
fake_quant_ops.cc 147 typedef Eigen::GpuDevice GPUDevice;
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()
    [all...]
cwise_ops_gpu_common.cu.h 35 typedef Eigen::GpuDevice GPUDevice;
39 // Partial specialization of UnaryFunctor<Device=GPUDevice, Functor>.
41 struct UnaryFunctor<GPUDevice, Functor> {
42 void operator()(const GPUDevice& d, typename Functor::tout_type out,
48 // Partial specialization of BinaryFunctor<Device=GPUDevice, Functor>.
50 struct BinaryFunctor<GPUDevice, Functor, NDIMS, has_errors> {
51 void operator()(const GPUDevice& d, typename Functor::tout_type out,
58 void Left(const GPUDevice& d, typename Functor::tout_type out,
68 void Right(const GPUDevice& d, typename Functor::tout_type out
    [all...]
argmax_op.cc 41 typedef Eigen::GpuDevice GPUDevice;
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>
    [all...]
determinant_op_gpu.cu.cc 31 typedef Eigen::GpuDevice GPUDevice;
124 struct DeterminantFromPivotedLUFunctor<GPUDevice, Scalar> {
125 void operator()(const GPUDevice& device,
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
    [all...]
pooling_ops_common_gpu.h 41 typedef GPUDevice Device;
56 typedef GPUDevice Device;
scatter_functor_gpu.cu.cc 24 typedef Eigen::GpuDevice GPUDevice;
27 template struct functor::ScatterFunctor<GPUDevice, T, Index, op>;
scatter_op_gpu.cu.cc 24 typedef Eigen::GpuDevice GPUDevice;
28 template struct functor::ScatterFunctor<GPUDevice, T, Index, op>;
adjust_hue_op_gpu.cu.cc 27 void AdjustHueGPU::operator()(GPUDevice* device, const int64 number_of_elements,
adjust_saturation_op_gpu.cu.cc 27 void AdjustSaturationGPU::operator()(GPUDevice* device,
  /external/tensorflow/tensorflow/contrib/framework/kernels/
zero_initializer_op.cc 30 using GPUDevice = Eigen::GpuDevice;
73 void TensorSetZero<GPUDevice, T>::operator()(const GPUDevice& d, \
75 extern template struct TensorSetZero<GPUDevice, T>;

Completed in 506 milliseconds

1 2 34 5 6 7 8 91011