/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A D | bincount_op_gpu.cu.cc | 116 __global__ void BincountReduceKernel(const Tidx* in, T* out, const int nthreads, in BincountReduceKernel() 133 const int nthreads = arr.dimension(0); in Compute() local 148 const int nthreads = num_rows * num_cols; in BincountColReduceKernel() local 178 const int nthreads = num_rows * num_cols; in BincountColReduceSharedKernel() local
|
H A D | bias_op_gpu.cu.cc | 54 __global__ void BiasNHWCKernel(int32 nthreads, const T* __restrict__ input, in BiasNHWCKernel() 64 __global__ void BiasNCHWKernel(int32 nthreads, const T* __restrict__ input, in BiasNCHWKernel() 106 __global__ void BiasGradNHWC_Naive(int32 nthreads, in BiasGradNHWC_Naive() 118 __global__ void BiasGradNCHW_Naive(int32 nthreads, in BiasGradNCHW_Naive() 131 int32 nthreads, const T* __restrict__ output_backprop, in BiasGradNHWC_SharedAtomics()
|
H A D | maxpooling_op_gpu.cu.cc | 68 const int nthreads, const dtype* __restrict__ bottom_data, in MaxPoolForwardNCHW() 112 const int nthreads, const int32* __restrict__ bottom_data, const int height, in MaxPoolForwardNoMaskKernel_NCHW_VECT_C() 145 const int nthreads, const dtype* __restrict__ bottom_data, const int height, in MaxPoolForwardNHWC() 203 __global__ void MaxPoolBackward(const int nthreads, in MaxPoolBackward() 231 const int nthreads, const dtype* __restrict__ bottom_data, in MaxPoolGradBackwardNoMaskNCHW() 272 const int nthreads, const dtype* __restrict__ bottom_data, in MaxPoolGradBackwardNoMaskNHWC() 332 __global__ void MaxPoolGradBackward(const int nthreads, in MaxPoolGradBackward()
|
H A D | spacetodepth_op_gpu.cu.cc | 32 __global__ void S2D_NHWC(const int32 nthreads, in S2D_NHWC() 64 __global__ void S2D_NCHW(const int32 nthreads, in S2D_NCHW() 102 __global__ void S2D_NCHW_LOOP(const int32 nthreads, in S2D_NCHW_LOOP()
|
H A D | depthtospace_op_gpu.cu.cc | 33 __global__ void D2S_NHWC(const int32 nthreads, in D2S_NHWC() 64 __global__ void D2S_NCHW(const int32 nthreads, in D2S_NCHW() 101 __global__ void D2S_NCHW_LOOP(const int32 nthreads, in D2S_NCHW_LOOP()
|
H A D | dilation_ops_gpu.cu.cc | 39 const int32 nthreads, const T* __restrict__ input_ptr, in DilationKernel() 78 const int32 nthreads, const T* __restrict__ input_ptr, in DilationBackpropInputKernel() 128 const int32 nthreads, const T* __restrict__ input_ptr, in DilationBackpropFilterKernel()
|
H A D | inplace_ops_functor_gpu.cu.cc | 30 __global__ void DoParallelConcatOpKernel(int nthreads, const int64 rows, in DoParallelConcatOpKernel() 83 __global__ void DoInplaceOpKernel(int nthreads, const int64 rows, in DoInplaceOpKernel()
|
H A D | pooling_ops_3d_gpu.cu.cc | 31 const int nthreads, const dtype* __restrict__ bottom_data, in MaxPoolGradBackwardNoMaskNCDHW() 82 const int nthreads, const dtype* __restrict__ bottom_data, in MaxPoolGradBackwardNoMaskNDHWC()
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/image/ |
H A D | resize_nearest_neighbor_op_gpu.cu.cc | 36 const int nthreads, const T* __restrict__ bottom_data, const int in_height, in ResizeNearestNeighborNHWC() 67 const int nthreads, const T* __restrict__ bottom_data, const int in_height, in LegacyResizeNearestNeighborNHWC() 96 const int nthreads, const T* __restrict__ top_diff, const int in_height, in ResizeNearestNeighborBackwardNHWC() 127 const int nthreads, const T* __restrict__ top_diff, const int in_height, in LegacyResizeNearestNeighborBackwardNHWC()
|
H A D | resize_bilinear_op_gpu.cu.cc | 117 const int32 nthreads, const T* __restrict__ images, float height_scale, in ResizeBilinearKernel() 166 __global__ void ResizeBilinearGradKernel(const int32 nthreads, in ResizeBilinearGradKernel() 232 const int32 nthreads, const float* __restrict__ input_grad, in ResizeBilinearDeterministicGradKernel() 285 const int32 nthreads, const T* __restrict__ images, float height_scale, in LegacyResizeBilinearKernel() 335 const int32 nthreads, const float* __restrict__ input_grad, in LegacyResizeBilinearGradKernel()
|
H A D | crop_and_resize_op_gpu.cu.cc | 41 const int32 nthreads, const T* __restrict__ image_ptr, in CropAndResizeKernel() 145 const int32 nthreads, const float* __restrict__ grads_ptr, in CropAndResizeBackpropImageKernel() 241 const int32 nthreads, const float* __restrict__ grads_ptr, in CropAndResizeBackpropBoxesKernel()
|
/aosp_15_r20/external/pytorch/aten/src/ATen/ |
H A D | ParallelNative.cpp | 66 int _num_pool_threads(int nthreads) { in _num_pool_threads() 211 void set_num_threads(int nthreads) { in set_num_threads() 243 int nthreads = num_intraop_threads.load(); in get_num_threads() local
|
H A D | ParallelOpenMP.cpp | 30 auto nthreads = num_threads.load(); in init_num_threads() local 46 void set_num_threads(int nthreads) { in set_num_threads()
|
H A D | ParallelThreadPoolNative.cpp | 50 void set_num_interop_threads(int nthreads) { in set_num_interop_threads() 61 int nthreads = num_interop_threads.load(); in get_num_interop_threads() local
|
/aosp_15_r20/external/python/cpython3/Tools/ccbench/ |
D | ccbench.py | 187 def run_throughput_test(func, args, nthreads): argument 294 def run_latency_test(func, args, nthreads): argument 427 def run_bandwidth_test(func, args, nthreads): argument
|
/aosp_15_r20/external/python/cpython2/Tools/ccbench/ |
D | ccbench.py | 196 def run_throughput_test(func, args, nthreads): argument 300 def run_latency_test(func, args, nthreads): argument 432 def run_bandwidth_test(func, args, nthreads): argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/ |
H A D | AveragePool2d.cu | 33 __global__ void avg_pool2d_out_cuda_frame(const int nthreads, in avg_pool2d_out_cuda_frame() 82 __global__ void avg_pool2d_out_cuda_frame_nhwc(const int nthreads, in avg_pool2d_out_cuda_frame_nhwc() 131 __global__ void avg_pool2d_backward_out_cuda_frame(const index_t nthreads, const scalar_t* const to… in avg_pool2d_backward_out_cuda_frame() 187 __global__ void avg_pool2d_backward_out_cuda_frame_nhwc(const index_t nthreads, in avg_pool2d_backward_out_cuda_frame_nhwc()
|
H A D | GridSampler.cu | 27 const index_t nthreads, in grid_sampler_2d_kernel() 157 const index_t nthreads, in grid_sampler_3d_kernel() 313 const index_t nthreads, in grid_sampler_2d_backward_kernel() 519 const index_t nthreads, in grid_sampler_3d_backward_kernel()
|
/aosp_15_r20/external/ComputeLibrary/src/cpu/operators/ |
H A D | CpuWinogradConv2d.cpp | 94 uint32_t nthreads = NEScheduler::get().num_threads(); in get_winograd_kernel_implementation() local 170 uint32_t nthreads = NEScheduler::get().num_threads(); in configure() local 324 const uint32_t nthreads = NEScheduler::get().num_threads(); in run() local
|
/aosp_15_r20/external/sandboxed-api/contrib/c-blosc/utils/ |
H A D | utils_blosc.cc | 35 std::string& compressor, int nthreads) { in Compress() 75 std::ofstream& out_stream, int nthreads) { in Decompress()
|
/aosp_15_r20/external/grpc-grpc/test/core/gpr/ |
H A D | cpu_test.cc | 62 int nthreads; member 118 uint32_t nthreads = ct.ncores * 3; in cpu_test() local
|
/aosp_15_r20/external/ComputeLibrary/src/cpu/kernels/ |
H A D | CpuWinogradConv2dKernel.cpp | 31 …el(arm_conv::winograd::WinogradImpl &w_impl, arm_conv::ConvolutionArgs &_c_args, uint32_t nthreads) in CpuWinogradConv2dTransformInputKernel() 68 …el(arm_conv::winograd::WinogradImpl &w_impl, arm_conv::ConvolutionArgs &_c_args, uint32_t nthreads) in CpuWinogradConv2dTransformOutputKernel()
|
/aosp_15_r20/external/ltp/testcases/realtime/perf/latency/ |
H A D | pthread_cond_many.c | 55 int nthreads = 0; variable 186 void test_signal(long iter, long nthreads) in test_signal()
|
/aosp_15_r20/external/ltp/testcases/open_posix_testsuite/stress/threads/pthread_create/ |
H A D | s-c1.c | 104 int nthreads; member 147 int nthreads, ctl, i, tmp; in main() local
|
/aosp_15_r20/external/ltp/testcases/open_posix_testsuite/stress/threads/pthread_cond_timedwait/ |
H A D | s-c.c | 175 int nthreads; member 290 static long do_threads_test(int nthreads, mes_t * measure) in do_threads_test()
|