mindspore 2.3.0rc1__cp37-none-any.whl → 2.3.0rc2__cp37-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of mindspore might be problematic. Click here for more details.
- mindspore/.commit_id +1 -1
- mindspore/__init__.py +1 -1
- mindspore/_akg/akg/utils/tbe_codegen_utils.py +13 -3
- mindspore/_c_dataengine.cpython-37m-aarch64-linux-gnu.so +0 -0
- mindspore/_c_expression.cpython-37m-aarch64-linux-gnu.so +0 -0
- mindspore/_checkparam.py +20 -0
- mindspore/_extends/parse/parser.py +1 -1
- mindspore/_extends/parse/standard_method.py +6 -5
- mindspore/_mindspore_offline_debug.cpython-37m-aarch64-linux-gnu.so +0 -0
- mindspore/amp.py +5 -5
- mindspore/bin/cache_admin +0 -0
- mindspore/bin/cache_server +0 -0
- mindspore/boost/boost_cell_wrapper.py +1 -1
- mindspore/boost/group_loss_scale_manager.py +1 -1
- mindspore/common/__init__.py +4 -2
- mindspore/common/_register_for_recompute.py +48 -0
- mindspore/common/_stub_tensor.py +1 -0
- mindspore/common/api.py +56 -4
- mindspore/common/dtype.py +5 -3
- mindspore/common/dump.py +2 -2
- mindspore/common/hook_handle.py +51 -4
- mindspore/common/initializer.py +1 -1
- mindspore/common/jit_config.py +17 -6
- mindspore/common/parameter.py +7 -2
- mindspore/common/recompute.py +247 -0
- mindspore/common/sparse_tensor.py +2 -2
- mindspore/common/symbol.py +1 -1
- mindspore/common/tensor.py +74 -36
- mindspore/communication/__init__.py +3 -3
- mindspore/communication/management.py +30 -30
- mindspore/context.py +28 -15
- mindspore/dataset/__init__.py +5 -5
- mindspore/dataset/audio/__init__.py +2 -2
- mindspore/dataset/audio/transforms.py +51 -51
- mindspore/dataset/callback/ds_callback.py +2 -2
- mindspore/dataset/engine/cache_client.py +1 -1
- mindspore/dataset/engine/datasets.py +3 -3
- mindspore/dataset/engine/datasets_audio.py +14 -14
- mindspore/dataset/engine/datasets_standard_format.py +3 -3
- mindspore/dataset/engine/datasets_text.py +38 -38
- mindspore/dataset/engine/datasets_user_defined.py +3 -3
- mindspore/dataset/engine/datasets_vision.py +68 -68
- mindspore/dataset/text/__init__.py +3 -3
- mindspore/dataset/text/transforms.py +26 -26
- mindspore/dataset/transforms/__init__.py +1 -1
- mindspore/dataset/vision/__init__.py +3 -3
- mindspore/dataset/vision/transforms.py +92 -92
- mindspore/dataset/vision/utils.py +1 -1
- mindspore/experimental/optim/adadelta.py +2 -2
- mindspore/experimental/optim/adagrad.py +2 -2
- mindspore/experimental/optim/adam.py +2 -2
- mindspore/experimental/optim/adamax.py +2 -2
- mindspore/experimental/optim/adamw.py +2 -2
- mindspore/experimental/optim/asgd.py +2 -2
- mindspore/experimental/optim/lr_scheduler.py +24 -20
- mindspore/experimental/optim/nadam.py +2 -2
- mindspore/experimental/optim/optimizer.py +1 -1
- mindspore/experimental/optim/radam.py +2 -2
- mindspore/experimental/optim/rmsprop.py +2 -2
- mindspore/experimental/optim/rprop.py +2 -2
- mindspore/experimental/optim/sgd.py +2 -2
- mindspore/hal/stream.py +2 -0
- mindspore/include/mindapi/base/types.h +5 -0
- mindspore/lib/libdnnl.so.2 +0 -0
- mindspore/lib/libmindspore.so +0 -0
- mindspore/lib/libmindspore_backend.so +0 -0
- mindspore/lib/libmindspore_common.so +0 -0
- mindspore/lib/libmindspore_core.so +0 -0
- mindspore/lib/libmindspore_gpr.so.15 +0 -0
- mindspore/lib/libmindspore_grpc++.so.1 +0 -0
- mindspore/lib/libmindspore_grpc.so.15 +0 -0
- mindspore/lib/libmindspore_shared_lib.so +0 -0
- mindspore/lib/libopencv_core.so.4.5 +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_cpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/config/cust_aicpu_kernel.json +6 -6
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_proto/libcust_op_proto.so +0 -0
- mindspore/lib/plugin/ascend/libdvpp_utils.so +0 -0
- mindspore/lib/plugin/ascend/liblowlatency_collective.so +0 -0
- mindspore/lib/plugin/ascend/libmindspore_cpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/bin/DeviceBin +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/bin/PkgInspect +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/bin/op_man +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/device/ascend910b/bin/ascend910b.bin +101787 -98559
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/host/libasdops_cann_host.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/host/libasdops_host.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/base/op_register.h +2 -2
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/params/mix.h +8 -1
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/params/norm.h +5 -3
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/params/reduce.h +2 -2
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/utils/rt/backend/backend.h +3 -3
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/utils/rt/backend/rtbackend.h +3 -3
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/utils/rt/base/types.h +0 -1
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/utils/rt/module/module.h +3 -3
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/utils/svector/svector.h +3 -2
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/lib/libasdops.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/lib/libasdops_static.a +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/add/tiling/add_tiling.h +9 -9
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/apply_rotary_pos_emb/apply_rotary_pos_emb_impl.h +2 -6
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/apply_rotary_pos_emb/kernel/apply_rotary_pos_emb.h +2 -2
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/apply_rotary_pos_emb/kernel/apply_rotary_pos_emb_base.h +460 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/apply_rotary_pos_emb/kernel/apply_rotary_pos_emb_bf16.h +217 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/apply_rotary_pos_emb/kernel/apply_rotary_pos_emb_fp16.h +116 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/apply_rotary_pos_emb/kernel/apply_rotary_pos_emb_tiling.h +16 -24
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/apply_rotary_pos_emb/kernel/apply_rotary_pos_emb_value.h +27 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/asdop/asd_op_impl.h +0 -4
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/{attention/FlashAttentionScore_impl.h → flash_attention_score/flash_attention_score_impl.h} +2 -1
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/{attention/bs_attention_tiling.h → flash_attention_score/flash_attention_score_tiling.h} +15 -19
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/gelu/tiling/gelu_tiling.h +7 -9
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/lccl/lccl_wrapper.h +58 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/matmul/matmul_impl.h +19 -8
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/{matmul → matmul_common}/pp_matmul_common_tiling.h +18 -8
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/{matmul → matmul_common}/pp_matmul_info.h +7 -4
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/{matmul → matmul_common}/tiling_data.h +44 -6
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/matmul_common/tiling_utils.h +65 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/matmul_stridedslice/matmul_stridedslice_fusion_impl.h +10 -6
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/op_param.h +4 -1
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/paged_attention/kernel/paged_attention_mix_hwsync.h +41 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/{attention/PagedAttention_impl.h → paged_attention/paged_attention_impl.h} +1 -1
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/paged_attention/paged_attention_tiling.h +63 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/param/add_param.h +2 -2
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/{attention_param.h → param/attention_param.h} +11 -2
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/param/matmul_ext_param.h +37 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/param/sub_param.h +45 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/reshape_and_cache/reshape_and_cache_tiling.h +1 -2
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/rms_norm/kernel/rms_norm.h +23 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/rms_norm/kernel/rms_norm_base.h +175 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/rms_norm/kernel/rms_norm_normal.h +276 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/rms_norm/kernel/rms_norm_split_d.h +280 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/rms_norm/kernel/tiling_data.h +35 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/rms_norm/rms_norm_impl.h +45 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/sub/kernel/sub_kernel.h +20 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/sub/sub_impl.h +47 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/sub/sub_tiling.h +25 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/tune_repo/matmul_table.h +323 -23
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/types.h +15 -4
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/utils/log/log_tiling.h +8 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libAdd_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libSub_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libadd_layernorm_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libadd_rms_norm_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libapply_rotary_pos_emb_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libcast_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libgelu_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libmatmul_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libmatmul_stridedslice_fusion_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libms_kernels_internal.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libnot_equal_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/libreshape_and_cache_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/lib/librms_norm_impl.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/flash_attention_score_bf16_bnsd_full_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/flash_attention_score_bf16_bnsd_tri_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/flash_attention_score_bf16_bsh_full_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/flash_attention_score_bf16_bsh_tri_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/flash_attention_score_fp16_bnsd_full_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/flash_attention_score_fp16_bnsd_tri_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/flash_attention_score_fp16_bsh_full_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/flash_attention_score_fp16_bsh_tri_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/paged_attention_bf16_bnsd_full_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/paged_attention_bf16_bsh_full_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/paged_attention_fp16_bnsd_full_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/paged_attention_fp16_bsh_full_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/lccl/include/lcal.h +22 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/lccl/include/lcal_comm.h +70 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/lccl/include/lcal_types.h +103 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/lccl/include/lccl.h +47 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/lccl/include/lccl_wrapper.h +58 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/lccl/include/lcoc.h +154 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/lccl/lib/liblcal.so +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/lccl/lib/liblccl_wrapper.so +0 -0
- mindspore/lib/plugin/libmindspore_ascend.so.2 +0 -0
- mindspore/log.py +2 -2
- mindspore/mint/__init__.py +457 -0
- mindspore/mint/nn/__init__.py +430 -0
- mindspore/mint/nn/functional.py +424 -0
- mindspore/mint/optim/__init__.py +24 -0
- mindspore/mint/optim/adamw.py +186 -0
- mindspore/multiprocessing/__init__.py +4 -0
- mindspore/nn/__init__.py +3 -0
- mindspore/nn/cell.py +51 -47
- mindspore/nn/extend/__init__.py +29 -0
- mindspore/nn/extend/basic.py +140 -0
- mindspore/nn/extend/embedding.py +143 -0
- mindspore/nn/extend/layer/__init__.py +27 -0
- mindspore/nn/extend/layer/normalization.py +107 -0
- mindspore/nn/extend/pooling.py +117 -0
- mindspore/nn/generator.py +297 -0
- mindspore/nn/layer/basic.py +109 -1
- mindspore/nn/layer/container.py +2 -2
- mindspore/nn/layer/conv.py +6 -6
- mindspore/nn/layer/embedding.py +1 -1
- mindspore/nn/layer/normalization.py +21 -43
- mindspore/nn/layer/padding.py +4 -0
- mindspore/nn/optim/ada_grad.py +2 -2
- mindspore/nn/optim/adadelta.py +1 -1
- mindspore/nn/optim/adafactor.py +1 -1
- mindspore/nn/optim/adam.py +7 -7
- mindspore/nn/optim/adamax.py +2 -2
- mindspore/nn/optim/adasum.py +2 -2
- mindspore/nn/optim/asgd.py +2 -2
- mindspore/nn/optim/ftrl.py +1 -1
- mindspore/nn/optim/lamb.py +3 -3
- mindspore/nn/optim/lars.py +1 -1
- mindspore/nn/optim/lazyadam.py +2 -2
- mindspore/nn/optim/momentum.py +2 -2
- mindspore/nn/optim/optimizer.py +2 -2
- mindspore/nn/optim/proximal_ada_grad.py +2 -2
- mindspore/nn/optim/rmsprop.py +2 -2
- mindspore/nn/optim/rprop.py +2 -2
- mindspore/nn/optim/sgd.py +2 -2
- mindspore/nn/optim/thor.py +2 -2
- mindspore/nn/wrap/cell_wrapper.py +9 -9
- mindspore/nn/wrap/grad_reducer.py +5 -5
- mindspore/ops/_grad_experimental/grad_comm_ops.py +4 -2
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +41 -2
- mindspore/ops/_vmap/vmap_math_ops.py +27 -8
- mindspore/ops/_vmap/vmap_nn_ops.py +66 -8
- mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +73 -1
- mindspore/ops/auto_generate/gen_arg_dtype_cast.py +12 -3
- mindspore/ops/auto_generate/gen_arg_handler.py +24 -0
- mindspore/ops/auto_generate/gen_extend_func.py +274 -0
- mindspore/ops/auto_generate/gen_ops_def.py +889 -22
- mindspore/ops/auto_generate/gen_ops_prim.py +3541 -253
- mindspore/ops/auto_generate/pyboost_inner_prim.py +282 -0
- mindspore/ops/composite/multitype_ops/_compile_utils.py +2 -1
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +9 -0
- mindspore/ops/extend/__init__.py +9 -1
- mindspore/ops/extend/array_func.py +134 -27
- mindspore/ops/extend/math_func.py +3 -3
- mindspore/ops/extend/nn_func.py +363 -2
- mindspore/ops/function/__init__.py +19 -2
- mindspore/ops/function/array_func.py +463 -439
- mindspore/ops/function/clip_func.py +7 -18
- mindspore/ops/function/grad/grad_func.py +5 -5
- mindspore/ops/function/linalg_func.py +4 -4
- mindspore/ops/function/math_func.py +260 -243
- mindspore/ops/function/nn_func.py +825 -62
- mindspore/ops/function/random_func.py +73 -4
- mindspore/ops/function/sparse_unary_func.py +1 -1
- mindspore/ops/function/vmap_func.py +1 -1
- mindspore/ops/functional.py +2 -2
- mindspore/ops/op_info_register.py +1 -31
- mindspore/ops/operations/__init__.py +2 -3
- mindspore/ops/operations/_grad_ops.py +2 -107
- mindspore/ops/operations/_inner_ops.py +5 -5
- mindspore/ops/operations/_sequence_ops.py +2 -2
- mindspore/ops/operations/array_ops.py +11 -233
- mindspore/ops/operations/comm_ops.py +32 -32
- mindspore/ops/operations/custom_ops.py +7 -89
- mindspore/ops/operations/manually_defined/ops_def.py +329 -4
- mindspore/ops/operations/math_ops.py +13 -163
- mindspore/ops/operations/nn_ops.py +9 -316
- mindspore/ops/operations/random_ops.py +1 -1
- mindspore/ops/operations/sparse_ops.py +3 -3
- mindspore/ops/primitive.py +2 -2
- mindspore/ops_generate/arg_dtype_cast.py +12 -3
- mindspore/ops_generate/arg_handler.py +24 -0
- mindspore/ops_generate/gen_ops_inner_prim.py +2 -0
- mindspore/ops_generate/gen_pyboost_func.py +13 -6
- mindspore/ops_generate/pyboost_utils.py +2 -17
- mindspore/parallel/__init__.py +3 -2
- mindspore/parallel/_auto_parallel_context.py +106 -1
- mindspore/parallel/_parallel_serialization.py +34 -2
- mindspore/parallel/_utils.py +16 -0
- mindspore/parallel/algo_parameter_config.py +4 -4
- mindspore/parallel/checkpoint_transform.py +249 -77
- mindspore/parallel/cluster/process_entity/_api.py +1 -1
- mindspore/parallel/parameter_broadcast.py +1 -1
- mindspore/parallel/shard.py +1 -1
- mindspore/profiler/parser/ascend_analysis/fwk_cann_parser.py +1 -0
- mindspore/profiler/parser/ascend_analysis/profiler_info_parser.py +17 -5
- mindspore/profiler/parser/ascend_msprof_exporter.py +3 -3
- mindspore/profiler/parser/ascend_msprof_generator.py +10 -3
- mindspore/profiler/parser/ascend_op_generator.py +26 -9
- mindspore/profiler/parser/ascend_timeline_generator.py +7 -4
- mindspore/profiler/parser/profiler_info.py +11 -1
- mindspore/profiler/profiling.py +13 -5
- mindspore/rewrite/api/node.py +12 -12
- mindspore/rewrite/api/symbol_tree.py +11 -11
- mindspore/run_check/_check_version.py +1 -1
- mindspore/safeguard/rewrite_obfuscation.py +2 -2
- mindspore/train/amp.py +4 -4
- mindspore/train/anf_ir_pb2.py +8 -2
- mindspore/train/callback/_backup_and_restore.py +2 -2
- mindspore/train/callback/_callback.py +4 -4
- mindspore/train/callback/_checkpoint.py +2 -2
- mindspore/train/callback/_early_stop.py +2 -2
- mindspore/train/callback/_landscape.py +4 -4
- mindspore/train/callback/_loss_monitor.py +2 -2
- mindspore/train/callback/_on_request_exit.py +2 -2
- mindspore/train/callback/_reduce_lr_on_plateau.py +2 -2
- mindspore/train/callback/_summary_collector.py +2 -2
- mindspore/train/callback/_time_monitor.py +2 -2
- mindspore/train/dataset_helper.py +8 -3
- mindspore/train/loss_scale_manager.py +2 -2
- mindspore/train/metrics/metric.py +3 -3
- mindspore/train/mind_ir_pb2.py +22 -17
- mindspore/train/model.py +15 -15
- mindspore/train/serialization.py +18 -18
- mindspore/train/summary/summary_record.py +7 -7
- mindspore/train/train_thor/convert_utils.py +3 -3
- mindspore/version.py +1 -1
- {mindspore-2.3.0rc1.dist-info → mindspore-2.3.0rc2.dist-info}/METADATA +1 -1
- {mindspore-2.3.0rc1.dist-info → mindspore-2.3.0rc2.dist-info}/RECORD +307 -260
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/matmul_stridedslice/tiling_data.h +0 -59
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/FlashAttentionScore_bf16_BNSD_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/FlashAttentionScore_bf16_BSH_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/FlashAttentionScore_fp16_BNSD_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/FlashAttentionScore_fp16_BSH_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/PagedAttention_bf16_BNSD_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/PagedAttention_bf16_BSH_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/PagedAttention_fp16_BNSD_mix.o +0 -0
- mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/op_kernels/ascend910b/BSAttention/PagedAttention_fp16_BSH_mix.o +0 -0
- /mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/{attention/bs_attention_mix_hwsync.h → flash_attention_score/kernel/flash_attention_score_mix_hwsync.h} +0 -0
- {mindspore-2.3.0rc1.dist-info → mindspore-2.3.0rc2.dist-info}/WHEEL +0 -0
- {mindspore-2.3.0rc1.dist-info → mindspore-2.3.0rc2.dist-info}/entry_points.txt +0 -0
- {mindspore-2.3.0rc1.dist-info → mindspore-2.3.0rc2.dist-info}/top_level.txt +0 -0
|
Binary file
|
|
Binary file
|
|
@@ -35,7 +35,7 @@ public:
|
|
|
35
35
|
ASDOPS_CHECK(opName != nullptr, "opName is nullptr", return);
|
|
36
36
|
auto &operationCreators = OperationCreators();
|
|
37
37
|
operationCreators.push_back(func);
|
|
38
|
-
ASD_LOG(
|
|
38
|
+
ASD_LOG(DEBUG) << "register operation " << opName;
|
|
39
39
|
}
|
|
40
40
|
|
|
41
41
|
OperationRegister(const char *opName, const char *tacName, NewTacticFunc func) noexcept
|
|
@@ -44,7 +44,7 @@ public:
|
|
|
44
44
|
ASDOPS_CHECK(tacName != nullptr, "tacName is nullptr", return);
|
|
45
45
|
auto &tacticCreators = TacticCreators();
|
|
46
46
|
tacticCreators[func] = opName;
|
|
47
|
-
ASD_LOG(
|
|
47
|
+
ASD_LOG(DEBUG) << "register tactic " << tacName << " of operation " << opName;
|
|
48
48
|
}
|
|
49
49
|
|
|
50
50
|
static std::vector<NewOperationFunc> &OperationCreators()
|
|
@@ -50,6 +50,10 @@ struct Mix {
|
|
|
50
50
|
MIX_PAD = 15,
|
|
51
51
|
MIX_UNPAD_GEN_ATTENTION_MASK = 16,
|
|
52
52
|
|
|
53
|
+
MIX_SAMPLING_START = 1500,
|
|
54
|
+
MIX_TOPP_SAMPLE = 1501,
|
|
55
|
+
MIX_SAMPLING_END = 1600,
|
|
56
|
+
|
|
53
57
|
MIX_TRANSFORMER_ATTENTION_START = 2000,
|
|
54
58
|
MIX_UNPAD_FLASH_ATTENTION_FP32_ND = 2001,
|
|
55
59
|
MIX_PAGED_ATTENTION_MASK_ND = 2002,
|
|
@@ -128,6 +132,8 @@ struct Mix {
|
|
|
128
132
|
int32_t nextTokens = 1;
|
|
129
133
|
// UNPAD_WITH_HIDDEN_STATE & PAD_WITH_HIDDEN_STATE
|
|
130
134
|
uint32_t maxSeqLen = 0;
|
|
135
|
+
// MIX_TOPP_SAMPLE
|
|
136
|
+
uint32_t randSeed = 0;
|
|
131
137
|
|
|
132
138
|
bool operator==(const Mix &other) const
|
|
133
139
|
{
|
|
@@ -144,7 +150,8 @@ struct Mix {
|
|
|
144
150
|
this->maskType == other.maskType && Utils::Compare<float>::IsEqual(this->scale, other.scale) &&
|
|
145
151
|
this->ioLayout == other.ioLayout && Utils::Compare<float>::IsEqual(this->keepProb, other.keepProb) &&
|
|
146
152
|
this->preTokens == other.preTokens && this->nextTokens == other.nextTokens &&
|
|
147
|
-
this->maxSeqLen == other.maxSeqLen && this->identityM == other.identityM
|
|
153
|
+
this->maxSeqLen == other.maxSeqLen && this->identityM == other.identityM &&
|
|
154
|
+
(this->randSeed == other.randSeed && this->randSeed != 0xffffffff && other.randSeed != 0xffffffff);
|
|
148
155
|
}
|
|
149
156
|
};
|
|
150
157
|
} // namespace OpParam
|
|
@@ -35,9 +35,11 @@ struct Norm {
|
|
|
35
35
|
size_t opsMode = 0;
|
|
36
36
|
float epsilon = 0.1f;
|
|
37
37
|
float zoomScaleValue = 1.0f;
|
|
38
|
-
float inputScale = 1.0f; // NORM_POSTLAYERNORMQUANT
|
|
39
|
-
|
|
40
|
-
|
|
38
|
+
float inputScale = 1.0f; // NORM_POSTLAYERNORMQUANT, [DEPRECATED] RmsNormQuantTactic,
|
|
39
|
+
// [DEPRECATED] LayerNormQuantTactic
|
|
40
|
+
int inputOffset = 0; // NORM_POSTLAYERNORMQUANT , [DEPRECATED] RmsNormQuantTactic,
|
|
41
|
+
// [DEPRECATED] LayerNormQuantTactic
|
|
42
|
+
float inputAlpha = 1.0f; // NORM_POSTLAYERNORMQUANT, [DEPRECATED] LayerNormQuantTactic
|
|
41
43
|
bool inGamma = false; // LayernormF16Tactic, LayernormBF16Tactic, LayernormF32Tactic, PostLayernormF16Tactic,
|
|
42
44
|
// LayernormF16QuantTactic, PostLayernormF16QuantTactic, RmsPreNormQuantTactic, RmsNormTactic,
|
|
43
45
|
// RmsNormQuantTactic
|
|
@@ -14,7 +14,7 @@
|
|
|
14
14
|
* limitations under the License.
|
|
15
15
|
*/
|
|
16
16
|
#ifndef ASDOPS_PARAMS_REDUCE_H
|
|
17
|
-
#define
|
|
17
|
+
#define ASDOPS_PARAMS_REDUCE_H
|
|
18
18
|
|
|
19
19
|
#include <string>
|
|
20
20
|
#include <sstream>
|
|
@@ -40,4 +40,4 @@ struct Reduce {
|
|
|
40
40
|
} // namespace OpParam
|
|
41
41
|
} // namespace AsdOps
|
|
42
42
|
|
|
43
|
-
#endif //
|
|
43
|
+
#endif // ASDOPS_PARAMS_REDUCE_H
|
mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/utils/rt/backend/backend.h
CHANGED
|
@@ -59,12 +59,12 @@ public:
|
|
|
59
59
|
virtual int ModuleCreateFromFile(const char *moduleFilePath, AsdRtModuleType type, int version,
|
|
60
60
|
AsdRtModule *module) = 0;
|
|
61
61
|
virtual int ModuleDestory(AsdRtModule *module) = 0;
|
|
62
|
-
virtual int ModuleBindFunction(AsdRtModule module, const char *funcName,
|
|
62
|
+
virtual int ModuleBindFunction(AsdRtModule module, const char *funcName, void *func) = 0;
|
|
63
63
|
virtual int RegisterAllFunction(AsdRtModuleInfo *moduleInfo, void **handle) = 0;
|
|
64
|
-
virtual int FunctionLaunch(const
|
|
64
|
+
virtual int FunctionLaunch(const void *func, const AsdRtKernelParam *param, AsdRtStream stream) = 0;
|
|
65
65
|
virtual int FunctionLaunchWithHandle(void *handle, const AsdRtKernelParam *param, AsdRtStream stream,
|
|
66
66
|
const RtTaskCfgInfoT *cfgInfo) = 0;
|
|
67
|
-
virtual int FunctionLaunchWithFlag(const
|
|
67
|
+
virtual int FunctionLaunchWithFlag(const void *func, const AsdRtKernelParam *param, AsdRtStream stream,
|
|
68
68
|
const RtTaskCfgInfoT *cfgInfo) = 0;
|
|
69
69
|
|
|
70
70
|
public:
|
mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/utils/rt/backend/rtbackend.h
CHANGED
|
@@ -122,12 +122,12 @@ public:
|
|
|
122
122
|
int ModuleCreateFromFile(const char *moduleFilePath, AsdRtModuleType type, int version,
|
|
123
123
|
AsdRtModule *module) override;
|
|
124
124
|
int ModuleDestory(AsdRtModule *module) override;
|
|
125
|
-
int ModuleBindFunction(AsdRtModule module, const char *funcName,
|
|
125
|
+
int ModuleBindFunction(AsdRtModule module, const char *funcName, void *func) override;
|
|
126
126
|
int RegisterAllFunction(AsdRtModuleInfo *moduleInfo, void **handle) override;
|
|
127
|
-
int FunctionLaunch(const
|
|
127
|
+
int FunctionLaunch(const void *func, const AsdRtKernelParam *param, AsdRtStream stream) override;
|
|
128
128
|
int FunctionLaunchWithHandle(void *handle, const AsdRtKernelParam *param, AsdRtStream stream,
|
|
129
129
|
const RtTaskCfgInfoT *cfgInfo) override;
|
|
130
|
-
int FunctionLaunchWithFlag(const
|
|
130
|
+
int FunctionLaunchWithFlag(const void *func, const AsdRtKernelParam *param, AsdRtStream stream,
|
|
131
131
|
const RtTaskCfgInfoT *cfgInfo) override;
|
|
132
132
|
|
|
133
133
|
public:
|
mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/utils/rt/module/module.h
CHANGED
|
@@ -25,12 +25,12 @@ namespace AsdOps {
|
|
|
25
25
|
int AsdRtModuleCreate(AsdRtModuleInfo *moduleInfo, AsdRtModule *module);
|
|
26
26
|
int AsdRtModuleCreateFromFile(const char *moduleFilePath, AsdRtModuleType type, int version, AsdRtModule *module);
|
|
27
27
|
int AsdRtModuleDestory(AsdRtModule *module);
|
|
28
|
-
int AsdRtModuleBindFunction(AsdRtModule module, const char *funcName,
|
|
28
|
+
int AsdRtModuleBindFunction(AsdRtModule module, const char *funcName, void *func);
|
|
29
29
|
int AstRtRegisterAllFunction(AsdRtModuleInfo *moduleInfo, void **handle);
|
|
30
|
-
int AsdRtFunctionLaunch(const
|
|
30
|
+
int AsdRtFunctionLaunch(const void *func, const AsdRtKernelParam *launchParam, AsdRtStream stream);
|
|
31
31
|
int AsdRtFunctionLaunchWithHandle(void *handle, const AsdRtKernelParam *launchParam, AsdRtStream stream,
|
|
32
32
|
const RtTaskCfgInfoT *cfgInfo);
|
|
33
|
-
int AsdRtFunctionLaunchWithFlag(const
|
|
33
|
+
int AsdRtFunctionLaunchWithFlag(const void *func, const AsdRtKernelParam *launchParam, AsdRtStream stream,
|
|
34
34
|
const RtTaskCfgInfoT *cfgInfo);
|
|
35
35
|
}
|
|
36
36
|
#ifdef __cplusplus
|
mindspore/lib/plugin/ascend/ms_kernels_internal/asdops/include/asdops/utils/svector/svector.h
CHANGED
|
@@ -24,7 +24,8 @@
|
|
|
24
24
|
#include "asdops/utils/compare/compare.h"
|
|
25
25
|
|
|
26
26
|
namespace AsdOps {
|
|
27
|
-
constexpr size_t MAX_SVECTOR_SIZE =
|
|
27
|
+
constexpr size_t MAX_SVECTOR_SIZE = 256;
|
|
28
|
+
constexpr size_t DEFAULT_SVECTOR_SIZE = 48;
|
|
28
29
|
constexpr bool CHECK_BOUND = true;
|
|
29
30
|
|
|
30
31
|
struct MaxSizeExceeded : public std::exception {};
|
|
@@ -48,7 +49,7 @@ typename std::enable_if<!std::is_trivially_destructible<T>::value>::type Constru
|
|
|
48
49
|
new (ptr) T(std::forward<Args>(args)...);
|
|
49
50
|
}
|
|
50
51
|
|
|
51
|
-
template <class T, std::size_t MAX_SIZE =
|
|
52
|
+
template <class T, std::size_t MAX_SIZE = DEFAULT_SVECTOR_SIZE> class SVector {
|
|
52
53
|
public:
|
|
53
54
|
constexpr SVector() : size_(0)
|
|
54
55
|
{
|
|
Binary file
|
|
Binary file
|
mindspore/lib/plugin/ascend/ms_kernels_internal/internal_kernel/include/add/tiling/add_tiling.h
CHANGED
|
@@ -29,15 +29,15 @@ struct AddTilingData {
|
|
|
29
29
|
};
|
|
30
30
|
|
|
31
31
|
static std::ostream &operator<<(std::ostream &os, const AddTilingData &dt) {
|
|
32
|
-
os << "blockDims:" << dt.blockDims
|
|
33
|
-
os << "totalLength:" << dt.totalLength
|
|
34
|
-
os << "blockLength:" << dt.blockLength
|
|
35
|
-
os << "tileLength:" << dt.tileLength
|
|
36
|
-
os << "tileNum:" << dt.tileNum
|
|
37
|
-
os << "tailBlockTileNum:" << dt.tailBlockTileNum
|
|
38
|
-
os << "tilingKey:" << dt.tilingKey
|
|
39
|
-
os << "axisDim:" << dt.axisDim
|
|
40
|
-
os << "splitNum:" << dt.splitNum
|
|
32
|
+
os << "blockDims:" << dt.blockDims;
|
|
33
|
+
os << ", totalLength:" << dt.totalLength;
|
|
34
|
+
os << ", blockLength:" << dt.blockLength;
|
|
35
|
+
os << ", tileLength:" << dt.tileLength;
|
|
36
|
+
os << ", tileNum:" << dt.tileNum;
|
|
37
|
+
os << ", tailBlockTileNum:" << dt.tailBlockTileNum;
|
|
38
|
+
os << ", tilingKey:" << dt.tilingKey;
|
|
39
|
+
os << ", axisDim:" << dt.axisDim;
|
|
40
|
+
os << ", splitNum:" << dt.splitNum;
|
|
41
41
|
return os;
|
|
42
42
|
}
|
|
43
43
|
#endif // MS_KERNELS_INTERNAL_ASCENDC_ADD_TILING_H
|
|
@@ -13,8 +13,8 @@
|
|
|
13
13
|
* See the License for the specific language governing permissions and
|
|
14
14
|
* limitations under the License.
|
|
15
15
|
*/
|
|
16
|
-
#ifndef
|
|
17
|
-
#define
|
|
16
|
+
#ifndef MS_KERNELS_INTERNAL_KERNEL_ROPE_H_
|
|
17
|
+
#define MS_KERNELS_INTERNAL_KERNEL_ROPE_H_
|
|
18
18
|
|
|
19
19
|
#include "include/internal_kernel.h"
|
|
20
20
|
#include <vector>
|
|
@@ -36,12 +36,8 @@ class ApplyRotaryPosEmbImpl : public InternelKernelImpl {
|
|
|
36
36
|
int InferShape(const std::vector<DIMS> &input_shapes, std::vector<DIMS> &output_shapes) override;
|
|
37
37
|
|
|
38
38
|
private:
|
|
39
|
-
void RopeNdProcess();
|
|
40
|
-
void RopeTiling();
|
|
41
|
-
|
|
42
39
|
DeviceRawBuf tiling_buf_;
|
|
43
40
|
DeviceRawBuf workSpace_buf_;
|
|
44
|
-
ApplyRotaryPosEmbTilingData tiling_{};
|
|
45
41
|
std::string soc_{"Ascend910B2"};
|
|
46
42
|
};
|
|
47
43
|
} // namespace internal
|
|
@@ -14,8 +14,8 @@
|
|
|
14
14
|
* limitations under the License.
|
|
15
15
|
*/
|
|
16
16
|
|
|
17
|
-
#ifndef
|
|
18
|
-
#define
|
|
17
|
+
#ifndef MS_KERNELS_INTERNAL_KERNEL_ASCENDC_ROPE_H_
|
|
18
|
+
#define MS_KERNELS_INTERNAL_KERNEL_ASCENDC_ROPE_H_
|
|
19
19
|
|
|
20
20
|
void apply_rotary_pos_emb_do(uint32_t blockDim, void *l2ctrl, void *stream, uint8_t *query, uint8_t *key, uint8_t *cos,
|
|
21
21
|
uint8_t *sin, uint8_t *position_id, uint8_t *query_embed, uint8_t *key_embed,
|