| /third_party/mindspore/mindspore-src/source/tests/st/ops/ascendc/ |
| D | test_prompt_k_v_cache.py | 50 …def construct(self, cache, update, valid_seq_len, batch_index, seq_len_axis, new_max_seq_len, cur_… argument 60 def np_inference(cache, update, batch_index): argument 99 def create_np_inputs(cache, update, batch_index): argument
|
| D | test_decoder_k_v_cache.py | 47 …def construct(self, cache, update, valid_seq_len, batch_index, seq_len_axis, new_max_seq_len, cur_… argument
|
| /third_party/mindspore/mindspore-src/source/mindspore/lite/test/st/python/plugin_custom_ops/ |
| D | test_prompt_k_v_cache.py | 50 …def construct(self, cache, update, valid_seq_len, batch_index, seq_len_axis, new_max_seq_len, cur_… argument 58 def np_inference(cache, update, valid_seq_len, batch_index): argument 121 def create_lite_inputs(cache, update, valid_seq_len, batch_index, seq_len_axis, new_max_seq_len, cu… argument
|
| D | test_decoder_k_v_cache.py | 49 …def construct(self, cache, update, valid_seq_len, batch_index, seq_len_axis, new_max_seq_len, cur_… argument 129 def create_lite_inputs(cache, update, valid_seq_len, batch_index, seq_len_axis, new_max_seq_len, cu… argument
|
| /third_party/mesa3d/src/virtio/vulkan/ |
| D | vn_queue.c | 95 uint32_t batch_index) in vn_get_wait_semaphore_count() 111 uint32_t batch_index) in vn_get_signal_semaphore_count() 127 uint32_t batch_index, in vn_get_wait_semaphore() 148 uint32_t batch_index, in vn_get_signal_semaphore() 188 vn_get_cmd_count(struct vn_queue_submission *submit, uint32_t batch_index) in vn_get_cmd_count() 198 vn_get_cmds(struct vn_queue_submission *submit, uint32_t batch_index) in vn_get_cmds() 211 uint32_t batch_index, in vn_get_cmd() 243 uint32_t batch_index, in vn_get_signal_semaphore_counter() 294 uint32_t batch_index, in vn_fix_batch_cmd_count_for_zink_sync() 320 uint32_t batch_index) in vn_fix_device_group_cmd_count() [all …]
|
| /third_party/mindspore/mindspore-src/source/mindspore/lite/tools/kernel_builder/ascend/ascendc/op_kernel/ |
| D | prompt_kv_cache.cpp | 37 __aicore__ inline void GetIndex(GM_ADDR batch_index, GM_ADDR valid_seq_len) { in GetIndex() 109 …re__ inline void Process(GM_ADDR cache, GM_ADDR update, GM_ADDR valid_seq_len, GM_ADDR batch_index, in Process() 191 …re__ inline void Process(GM_ADDR cache, GM_ADDR update, GM_ADDR valid_seq_len, GM_ADDR batch_index, in Process() 252 GM_ADDR batch_index, GM_ADDR seq_len_axis, in prompt_kv_cache()
|
| D | decoder_kv_cache.cpp | 112 …re__ inline void Process(GM_ADDR cache, GM_ADDR update, GM_ADDR valid_seq_len, GM_ADDR batch_index, in Process() 179 GM_ADDR batch_index, GM_ADDR seq_len_axis, in decoder_kv_cache()
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/ascend/kernel/ascendc/op_kernel/ |
| D | prompt_kv_cache.cpp | 37 __aicore__ inline void GetIndex(GM_ADDR batch_index, GM_ADDR valid_seq_len) { in GetIndex() 109 …re__ inline void Process(GM_ADDR cache, GM_ADDR update, GM_ADDR valid_seq_len, GM_ADDR batch_index, in Process() 191 …re__ inline void Process(GM_ADDR cache, GM_ADDR update, GM_ADDR valid_seq_len, GM_ADDR batch_index, in Process() 252 GM_ADDR batch_index, GM_ADDR seq_len_axis, in prompt_kv_cache()
|
| D | decoder_kv_cache.cpp | 112 …re__ inline void Process(GM_ADDR cache, GM_ADDR update, GM_ADDR valid_seq_len, GM_ADDR batch_index, in Process() 179 GM_ADDR batch_index, GM_ADDR seq_len_axis, in decoder_kv_cache()
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/cpu/kernel/ |
| D | square_sum_all_cpu_kernel.cc | 37 size_t batch_index = index / batch_size; in SquareSum() local 41 size_t batch_index = (index - split) / batch_size; in SquareSum() local
|
| D | sparse_cross_cpu_kernel.cc | 106 void Update(int64_t batch_index, int64_t cross_count, OutType cross) { in Update() 137 int64_t Generate(const int64_t batch_index, const std::vector<int64_t> &permutation) const { in Generate() argument 160 int64_t batch_index) in ProductIterator() 265 …yBatchIndex(const std::vector<std::unique_ptr<ColumnInterface<T>>> &columns, int64_t batch_index) { in CrossCountByBatchIndex()
|
| D | apply_gradient_descent_cpu_kernel.cc | 82 size_t batch_index = inner_input_size_ <= 0 ? 0 : pos / inner_input_size_; in LaunchKernel() local
|
| D | apply_adagrad_v2_cpu_kernel.cc | 132 size_t batch_index = inner_input_size_ <= 0 ? 0 : i / inner_input_size_; in LaunchKernel() local
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/gpu/kernel/cuda_impl/cuda_ops/ |
| D | no_repeat_ngram_impl.cu | 39 for (size_t batch_index = blockIdx.x; batch_index < total_blocks; batch_index += gridDim.x) { in reassign_probability() local 77 for (size_t batch_index = blockIdx.x; batch_index < total_blocks; batch_index += gridDim.x) { in reassign_probability_no_shared() local
|
| D | csr_sparse_matrix_to_dense.cu | 29 int batch_index = i / (batch_rows + 1); in CSRSparseMatrixToDenseKernel() local
|
| /third_party/mindspore/mindspore-src/source/tests/ut/python/parallel/ |
| D | test_decoder_k_v_cache.py | 32 …def construct(self, cache, update, valid_seq_len, batch_index, seq_len_axis, new_max_seq_len, cur_… argument
|
| D | test_prompt_k_v_cache.py | 31 …def construct(self, cache, update, valid_seq_len, batch_index, seq_len_axis, new_max_seq_len, cur_… argument
|
| /third_party/mindspore/mindspore-src/source/mindspore/core/ops/symbol_ops_impl/ |
| D | flash_attention_score.cc | 32 …auto MakeOutShape = [&query_shape](size_t batch_index, size_t seq_index, const SymbolPtr &head_num… in FlashAttentionScoreShapeBuilder()
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/ascend/kernel/aicpu/aicpu_ops/cpu_kernel/ms_kernel/ |
| D | sparse_cross.cc | 145 void Update(const int64_t batch_index, const int64_t cross_count, const OutType &cross) const { in Update() argument 167 std::string Generate(CpuKernelContext &ctx, const int64_t batch_index, in Generate() 205 …int64_t Generate(CpuKernelContext &ctx, const int64_t batch_index, const std::vector<int64_t> &per… in Generate() argument 228 int64_t batch_index) in ProductIterator() 335 int64_t batch_index) { in CrossCountByBatchIndex()
|
| /third_party/mindspore/mindspore-src/source/mindspore/lite/tools/converter/micro/coder/opcoders/nnacl/fp32/ |
| D | deconv2d_fp32_coder.cc | 189 for (int batch_index = 0; batch_index < conv_param_->input_batch_; batch_index++) { in DoCode() local
|
| /third_party/mesa3d/src/intel/vulkan/grl/gpu/ |
| D | binned_sah_shared.h | 113 uint batch_index; member 127 ushort batch_index; member 145 ushort batch_index; member 172 uint batch_index; member
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/cpu/kernel/mkldnn/ |
| D | softmax_cross_entropy_with_logits_cpu_kernel.cc | 65 for (size_t batch_index = start; batch_index < end; batch_index++) { in ForwardPostExecute() local
|
| /third_party/mindspore/mindspore-src/source/mindspore/lite/src/extendrt/cxx_api/llm_engine/ |
| D | llm_engine.cc | 142 Status LLMModel::MergeKV(const LLMReq &req, uint32_t batch_index, uint32_t batch_id) { in MergeKV()
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/cpu/kernel/eigen/ |
| D | sparse_matrix_ordering_amd_cpu_kernel.cc | 115 for (int64_t batch_index = 0; batch_index < num_batch; ++batch_index) { in LaunchKernel() local
|
| /third_party/mindspore/mindspore-src/source/mindspore/lite/src/litert/kernel/cpu/fp16/ |
| D | convolution_1x1_fp16.cc | 301 for (int batch_index = 0; batch_index < conv_param_->input_batch_; batch_index++) { in Run() local
|