/aosp_15_r20/external/executorch/backends/vulkan/runtime/graph/ops/utils/ |
H A D | ShaderNameUtils.cpp | 14 std::string& kernel_name, in add_storage_type_suffix() 30 std::string& kernel_name, in add_storage_type_suffix() 35 void add_dtype_suffix(std::string& kernel_name, const vkapi::ScalarType dtype) { in add_dtype_suffix() 59 void add_dtype_suffix(std::string& kernel_name, const api::vTensor& tensor) { in add_dtype_suffix() 63 void add_ndim_suffix(std::string& kernel_name, const api::vTensor& tensor) { in add_ndim_suffix() 76 void add_packed_dim_suffix(std::string& kernel_name, const int32_t packed_dim) { in add_packed_dim_suffix() 93 std::string& kernel_name, in add_packed_dim_suffix()
|
H A D | StagingUtils.cpp | 26 std::string kernel_name; in get_nchw_to_tensor_shader() local 53 std::string kernel_name; in get_tensor_to_nchw_shader() local
|
/aosp_15_r20/external/OpenCL-CTS/test_conformance/math_brute_force/ |
H A D | common.cpp | 123 std::string GetUnaryKernel(const std::string &kernel_name, const char *builtin, in GetUnaryKernel() 197 std::string GetUnaryKernel(const std::string &kernel_name, const char *builtin, in GetUnaryKernel() 280 std::string GetBinaryKernel(const std::string &kernel_name, const char *builtin, in GetBinaryKernel() 379 std::string GetBinaryKernel(const std::string &kernel_name, const char *builtin, in GetBinaryKernel() 471 std::string GetTernaryKernel(const std::string &kernel_name, in GetTernaryKernel() 567 auto kernel_name = GetKernelName(vector_size_index); in BuildKernels() local
|
/aosp_15_r20/external/pytorch/torch/_inductor/codegen/ |
H A D | debug_utils.py | 55 def __exit__(self, args_to_print_or_save, kernel_name, arg_signatures): argument 66 kernel_name, argument 119 kernel_name, argument 145 kernel_name, argument
|
/aosp_15_r20/external/ComputeLibrary/src/gpu/cl/kernels/ |
H A D | ClPool2dKernel.cpp | 213 std::string kernel_name = "pooling_layer_2_nchw_indices"; in configure() local 218 std::string kernel_name = "pooling_layer_MxN_nchw"; in configure() local 255 std::string kernel_name = "pooling_layer_2x2_nhwc"; in configure() local 260 …std::string kernel_name = is_data_type_quantized_asymmetric(data_type) ? "pooling_layer_MxN_quanti… in configure() local
|
H A D | ClElementwiseKernel.cpp | 64 std::string generate_id_for_tuning_common(const std::string &kernel_name, const ITensorInfo &src1, … in generate_id_for_tuning_common() 270 std::string kernel_name = "elementwise_operation_" + name(); in configure_common() local 400 std::string ClLogicalBinaryKernel::generate_id_for_tuning(const std::string &kernel_name, const ITe… in generate_id_for_tuning() 446 std::string ClSaturatedArithmeticKernel::generate_id_for_tuning(const std::string &kernel_name, con… in generate_id_for_tuning() 514 std::string ClArithmeticKernel::generate_id_for_tuning(const std::string &kernel_name, const ITenso… in generate_id_for_tuning()
|
H A D | ClGemmLowpReductionKernel.cpp | 96 …std::string kernel_name = "gemmlowp_matrix_a_reduction" + std::string(is_dot8_supported ? "_dot8" … in configure() local 177 const std::string kernel_name = "gemmlowp_matrix_b_reduction"; in configure() local
|
/aosp_15_r20/external/executorch/backends/vulkan/test/utils/ |
H A D | test_utils.cpp | 120 std::string kernel_name = "bitw8_image_to_nchw_nobitw8buffer"; in record_bitw8_image_to_nchw_nobitw8buffer_op() local 146 std::string kernel_name; in record_conv2d_prepack_weights_op() local 183 std::string kernel_name = "binary_" + op_name + "_nobroadcast__test"; in record_binary_op() local 228 std::string kernel_name("idx_fill_buffer"); in record_index_fill_buffer() local 324 std::string kernel_name = "matmul_naive"; in record_matmul_texture3d() local
|
/aosp_15_r20/external/executorch/backends/vulkan/runtime/graph/ops/impl/ |
H A D | Clone.cpp | 41 std::string kernel_name = "clone"; in add_clone_node() local 63 std::string kernel_name = "clone_image_to_buffer"; in add_image_to_buffer_node() local 87 std::string kernel_name = "clone_buffer_to_image"; in add_buffer_to_image_node() local
|
H A D | MatMul.cpp | 72 std::string kernel_name = "matmul_naive_buffer"; in add_matmul_naive_buffer_node() local 123 std::string kernel_name = graph.get_bool(mat2_is_transposed) in add_matmul_naive_texture3d_node() local 184 std::string kernel_name = mat2_is_transposed_val in add_matmul_optimized_node() local
|
H A D | QuantizedLinear.cpp | 89 std::string kernel_name = "q_8w_linear"; in add_q_8w_linear_node() local 160 std::string kernel_name = "q_8w_linear_optimized"; in add_q_8w_linear_optimized_node() local 312 std::string kernel_name = "q_4w_linear"; in add_q_4w_linear_node() local
|
H A D | IndexSelect.cpp | 40 std::string kernel_name = "index_select_channel"; in add_index_select_channel_node() local 89 std::string kernel_name = "index_select"; in add_index_select_node() local
|
H A D | Pool.cpp | 84 std::string kernel_name("max_pool2d"); in add_max_pool2d_node() local 159 std::string kernel_name("avg_pool2d"); in add_avg_pool2d_node() local
|
H A D | Copy.cpp | 31 std::string kernel_name = "copy_offset"; in add_copy_offset_node() local 114 std::string kernel_name = "copy_channel_offset"; in add_copy_channel_offset_node() local
|
/aosp_15_r20/external/OpenCL-CTS/test_conformance/device_execution/ |
H A D | utils.cpp | 23 …ommand_queue queue, const char** source, unsigned int num_lines, const char* kernel_name, void* re… in run_single_kernel() 28 …ommand_queue queue, const char** source, unsigned int num_lines, const char* kernel_name, void* re… in run_single_kernel_args() 33 …ommand_queue queue, const char** source, unsigned int num_lines, const char* kernel_name, size_t l… in run_n_kernel_args()
|
/aosp_15_r20/external/pytorch/aten/src/ATen/cuda/ |
H A D | jiterator.cu | 65 std::string kernel_name = vectorized ? name + "_vectorized" + std::to_string(vec_size) : name; in launch_jitted_vectorized_kernel_dynamic() local 185 const std::string& kernel_name, in jitted_gpu_kernel_dynamic_impl() 278 const std::string& kernel_name, in jitted_gpu_kernel_dynamic() 323 const std::string& kernel_name, in CompileAndLaunchKernel()
|
/aosp_15_r20/external/executorch/backends/vulkan/runtime/vk_api/ |
H A D | QueryPool.cpp | 106 const std::string& kernel_name, in shader_profile_begin() 241 unsigned long QueryPool::get_total_shader_ns(std::string kernel_name) { in get_total_shader_ns() 252 unsigned long QueryPool::get_mean_shader_ns(std::string kernel_name) { in get_mean_shader_ns()
|
/aosp_15_r20/external/mesa3d/src/gallium/frontends/clover/llvm/codegen/ |
H A D | common.cpp | 111 const std::string &kernel_name) { in get_reqd_work_group_size() 120 kernel_attributes(const Module &mod, const std::string &kernel_name) { in kernel_attributes() 194 make_kernel_args(const Module &mod, const std::string &kernel_name, in make_kernel_args()
|
/aosp_15_r20/external/pytorch/torch/_inductor/runtime/ |
H A D | compile_tasks.py | 12 def _reload_triton_kernel_in_subproc(reload_module, kernel_name): argument 16 def _module_to_triton_kernel(mod, kernel_name): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/framework/ |
H A D | log_memory.proto | 27 string kernel_name = 2; field 48 string kernel_name = 2; field
|
H A D | log_memory.cc | 51 void LogMemory::RecordTensorAllocation(const string& kernel_name, in RecordTensorAllocation() 69 void LogMemory::RecordTensorOutput(const string& kernel_name, in RecordTensorOutput()
|
/aosp_15_r20/external/gemmlowp/meta/generators/ |
H A D | common.py | 90 def __init__(self, emitter, kernel_name, output_stream_name): argument 119 def __init__(self, emitter, kernel_name): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/profiler/convert/ |
H A D | op_stats_to_tf_stats_test.cc | 38 absl::string_view kernel_name, in AddTensorFlowOpEvent() 54 absl::string_view kernel_name, in AddTensorFlowOpEventWithKernelDetails()
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/service/gpu/ |
H A D | buffer_comparator.cc | 615 absl::string_view kernel_name) { in DeviceCompare() 744 absl::string_view kernel_name) { in CompareEqualParameterized()
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/stream_executor/ |
H A D | kernel_spec.cc | 51 absl::string_view kernel_name, in CudaPtxInMemory() 65 absl::string_view kernel_name, bool ptx_compressed) in CudaPtxInMemory()
|