mindspore 2.4.10__cp311-cp311-win_amd64.whl → 2.6.0__cp311-cp311-win_amd64.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/Microsoft.VisualStudio.Telemetry.dll +0 -0
- mindspore/Newtonsoft.Json.dll +0 -0
- mindspore/__init__.py +13 -6
- mindspore/_c_dataengine.cp311-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp311-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp311-win_amd64.pyd +0 -0
- mindspore/_check_jit_forbidden_api.py +3 -0
- mindspore/_checkparam.py +3 -38
- mindspore/_deprecated/__init__.py +17 -0
- mindspore/_deprecated/jit.py +198 -0
- mindspore/_extends/builtin_operations.py +1 -1
- mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +1 -1
- mindspore/_extends/parse/__init__.py +6 -7
- mindspore/_extends/parse/compile_config.py +83 -0
- mindspore/_extends/parse/deprecated/__init__.py +0 -0
- mindspore/_extends/parse/deprecated/deprecated_tensor_method.py +394 -0
- mindspore/_extends/parse/jit_fallback_modules/__init__.py +0 -0
- mindspore/_extends/parse/jit_fallback_modules/check_utils.py +123 -0
- mindspore/_extends/parse/jit_fallback_modules/third_party_modules.py +50 -0
- mindspore/_extends/parse/parser.py +47 -198
- mindspore/_extends/parse/resources.py +1 -5
- mindspore/_extends/parse/standard_method.py +229 -99
- mindspore/_extends/pijit/__init__.py +2 -2
- mindspore/_extends/pijit/pijit_func_white_list.py +17 -12
- mindspore/_extends/pijit/tensor_func_list.py +27 -0
- mindspore/_extends/utils.py +1 -1
- mindspore/amp.py +11 -5
- mindspore/atlprov.dll +0 -0
- mindspore/avcodec-59.dll +0 -0
- mindspore/avdevice-59.dll +0 -0
- mindspore/avfilter-8.dll +0 -0
- mindspore/avformat-59.dll +0 -0
- mindspore/avutil-57.dll +0 -0
- mindspore/boost/__init__.py +2 -2
- mindspore/boost/base.py +3 -7
- mindspore/boost/boost_cell_wrapper.py +138 -43
- mindspore/c1.dll +0 -0
- mindspore/c1xx.dll +0 -0
- mindspore/c2.dll +0 -0
- mindspore/common/__init__.py +6 -3
- mindspore/common/_grad_function.py +56 -0
- mindspore/common/_pijit_context.py +14 -5
- mindspore/common/_register_for_tensor.py +1 -2
- mindspore/common/_stub_tensor.py +30 -14
- mindspore/common/_tensor_cpp_method.py +17 -0
- mindspore/common/_tensor_docs.py +4760 -0
- mindspore/common/api.py +480 -372
- mindspore/common/auto_dynamic_shape.py +41 -44
- mindspore/common/dtype.py +39 -36
- mindspore/common/dump.py +9 -6
- mindspore/common/file_system.py +9 -1
- mindspore/common/generator.py +5 -0
- mindspore/common/hook_handle.py +6 -2
- mindspore/common/initializer.py +13 -10
- mindspore/common/jit_begin_end.py +94 -0
- mindspore/common/jit_config.py +6 -1
- mindspore/common/jit_context.py +76 -0
- mindspore/common/jit_trace.py +378 -0
- mindspore/common/lazy_inline.py +9 -3
- mindspore/common/mindir_util.py +10 -2
- mindspore/common/mutable.py +5 -4
- mindspore/common/parameter.py +135 -52
- mindspore/common/seed.py +2 -2
- mindspore/common/sparse_tensor.py +23 -17
- mindspore/common/tensor.py +975 -1981
- mindspore/communication/__init__.py +7 -5
- mindspore/communication/_comm_helper.py +52 -2
- mindspore/communication/comm_func.py +240 -181
- mindspore/communication/management.py +95 -26
- mindspore/context.py +324 -573
- mindspore/dataset/__init__.py +65 -37
- mindspore/dataset/audio/__init__.py +2 -8
- mindspore/dataset/audio/transforms.py +3 -17
- mindspore/dataset/callback/ds_callback.py +2 -1
- mindspore/dataset/core/config.py +87 -6
- mindspore/dataset/engine/cache_admin.py +3 -3
- mindspore/dataset/engine/cache_client.py +6 -5
- mindspore/dataset/engine/datasets.py +292 -267
- mindspore/dataset/engine/datasets_audio.py +22 -8
- mindspore/dataset/engine/datasets_standard_format.py +46 -27
- mindspore/dataset/engine/datasets_text.py +78 -48
- mindspore/dataset/engine/datasets_user_defined.py +183 -117
- mindspore/dataset/engine/datasets_vision.py +120 -44
- mindspore/dataset/engine/iterators.py +283 -63
- mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +1 -1
- mindspore/dataset/engine/obs/util.py +8 -0
- mindspore/dataset/engine/queue.py +40 -0
- mindspore/dataset/engine/samplers.py +289 -43
- mindspore/dataset/engine/serializer_deserializer.py +3 -2
- mindspore/dataset/engine/validators.py +53 -11
- mindspore/dataset/text/__init__.py +7 -6
- mindspore/dataset/text/transforms.py +6 -5
- mindspore/dataset/text/utils.py +3 -3
- mindspore/dataset/transforms/__init__.py +0 -9
- mindspore/dataset/transforms/py_transforms_util.py +17 -0
- mindspore/dataset/transforms/transforms.py +31 -14
- mindspore/dataset/utils/browse_dataset.py +1 -1
- mindspore/dataset/vision/__init__.py +2 -9
- mindspore/dataset/vision/transforms.py +202 -158
- mindspore/dataset/vision/utils.py +7 -5
- mindspore/dataset/vision/validators.py +1 -2
- mindspore/device_context/__init__.py +21 -0
- mindspore/device_context/ascend/__init__.py +25 -0
- mindspore/device_context/ascend/device.py +72 -0
- mindspore/device_context/ascend/op_debug.py +153 -0
- mindspore/device_context/ascend/op_precision.py +193 -0
- mindspore/device_context/ascend/op_tuning.py +123 -0
- mindspore/{ops_generate/gen_constants.py → device_context/cpu/__init__.py} +6 -17
- mindspore/device_context/cpu/device.py +62 -0
- mindspore/device_context/cpu/op_tuning.py +43 -0
- mindspore/device_context/gpu/__init__.py +21 -0
- mindspore/device_context/gpu/device.py +70 -0
- mindspore/device_context/gpu/op_precision.py +67 -0
- mindspore/device_context/gpu/op_tuning.py +175 -0
- mindspore/device_manager.py +170 -0
- mindspore/dnnl.dll +0 -0
- mindspore/dpcmi.dll +0 -0
- mindspore/experimental/es/embedding_service.py +35 -27
- mindspore/experimental/llm_boost/__init__.py +1 -0
- mindspore/experimental/llm_boost/ascend_native/__init__.py +22 -0
- mindspore/experimental/llm_boost/ascend_native/llama_boost_ascend_native.py +209 -0
- mindspore/experimental/llm_boost/ascend_native/llm_boost.py +52 -0
- mindspore/experimental/llm_boost/atb/boost_base.py +2 -3
- mindspore/experimental/llm_boost/atb/llama_boost.py +6 -1
- mindspore/experimental/llm_boost/register.py +1 -0
- mindspore/experimental/map_parameter.py +4 -4
- mindspore/experimental/optim/adadelta.py +6 -6
- mindspore/experimental/optim/adagrad.py +4 -4
- mindspore/experimental/optim/adam.py +7 -0
- mindspore/experimental/optim/adamax.py +4 -4
- mindspore/experimental/optim/adamw.py +4 -0
- mindspore/experimental/optim/asgd.py +1 -1
- mindspore/experimental/optim/lr_scheduler.py +73 -46
- mindspore/experimental/optim/radam.py +34 -31
- mindspore/experimental/optim/rprop.py +1 -1
- mindspore/experimental/optim/sgd.py +1 -1
- mindspore/hal/contiguous_tensors_handle.py +6 -10
- mindspore/hal/device.py +55 -53
- mindspore/hal/event.py +52 -52
- mindspore/hal/memory.py +179 -120
- mindspore/hal/stream.py +150 -109
- mindspore/include/api/context.h +0 -1
- mindspore/include/dataset/constants.h +7 -4
- mindspore/include/dataset/execute.h +2 -2
- mindspore/jpeg62.dll +0 -0
- mindspore/log.py +50 -0
- mindspore/mindrecord/__init__.py +21 -8
- mindspore/mindrecord/config.py +17 -316
- mindspore/mindrecord/filereader.py +1 -9
- mindspore/mindrecord/filewriter.py +5 -15
- mindspore/mindrecord/mindpage.py +1 -9
- mindspore/mindspore_backend_common.dll +0 -0
- mindspore/mindspore_backend_manager.dll +0 -0
- mindspore/mindspore_common.dll +0 -0
- mindspore/mindspore_core.dll +0 -0
- mindspore/mindspore_dump.dll +0 -0
- mindspore/mindspore_frontend.dll +0 -0
- mindspore/mindspore_glog.dll +0 -0
- mindspore/mindspore_memory_pool.dll +0 -0
- mindspore/mindspore_ms_backend.dll +0 -0
- mindspore/mindspore_ops.dll +0 -0
- mindspore/{mindspore_backend.dll → mindspore_ops_host.dll} +0 -0
- mindspore/mindspore_ops_kernel_common.dll +0 -0
- mindspore/mindspore_profiler.dll +0 -0
- mindspore/mindspore_pyboost.dll +0 -0
- mindspore/mindspore_pynative.dll +0 -0
- mindspore/mindspore_res_manager.dll +0 -0
- mindspore/mindspore_runtime_pipeline.dll +0 -0
- mindspore/mint/__init__.py +798 -761
- mindspore/mint/distributed/__init__.py +70 -4
- mindspore/mint/distributed/distributed.py +2679 -44
- mindspore/mint/linalg/__init__.py +8 -0
- mindspore/mint/nn/__init__.py +743 -22
- mindspore/mint/nn/functional.py +716 -23
- mindspore/mint/nn/layer/__init__.py +21 -4
- mindspore/mint/nn/layer/_functions.py +334 -0
- mindspore/mint/nn/layer/activation.py +276 -1
- mindspore/mint/nn/layer/basic.py +123 -0
- mindspore/mint/nn/layer/conv.py +933 -0
- mindspore/mint/nn/layer/normalization.py +223 -28
- mindspore/mint/nn/layer/padding.py +797 -0
- mindspore/mint/nn/layer/pooling.py +235 -0
- mindspore/mint/optim/__init__.py +3 -1
- mindspore/mint/optim/adam.py +223 -0
- mindspore/mint/optim/adamw.py +26 -19
- mindspore/mint/optim/sgd.py +171 -0
- mindspore/mint/special/__init__.py +2 -1
- mindspore/msobj140.dll +0 -0
- mindspore/mspdb140.dll +0 -0
- mindspore/mspdbcore.dll +0 -0
- mindspore/mspdbst.dll +0 -0
- mindspore/mspft140.dll +0 -0
- mindspore/msvcdis140.dll +0 -0
- mindspore/msvcp140_1.dll +0 -0
- mindspore/msvcp140_2.dll +0 -0
- mindspore/msvcp140_atomic_wait.dll +0 -0
- mindspore/msvcp140_codecvt_ids.dll +0 -0
- mindspore/multiprocessing/__init__.py +5 -0
- mindspore/nn/__init__.py +4 -1
- mindspore/nn/cell.py +1373 -192
- mindspore/nn/dynamic_lr.py +2 -1
- mindspore/nn/layer/activation.py +29 -27
- mindspore/nn/layer/basic.py +51 -35
- mindspore/nn/layer/channel_shuffle.py +3 -3
- mindspore/nn/layer/container.py +1 -1
- mindspore/nn/layer/conv.py +53 -42
- mindspore/nn/layer/embedding.py +12 -11
- mindspore/nn/layer/normalization.py +56 -49
- mindspore/nn/layer/padding.py +4 -3
- mindspore/nn/layer/pooling.py +120 -42
- mindspore/nn/layer/rnn_cells.py +1 -1
- mindspore/nn/layer/rnns.py +2 -1
- mindspore/nn/layer/timedistributed.py +5 -5
- mindspore/nn/layer/transformer.py +59 -36
- mindspore/nn/learning_rate_schedule.py +8 -4
- mindspore/nn/loss/loss.py +58 -55
- mindspore/nn/optim/ada_grad.py +7 -5
- mindspore/nn/optim/adadelta.py +11 -9
- mindspore/nn/optim/adafactor.py +1 -1
- mindspore/nn/optim/adam.py +19 -15
- mindspore/nn/optim/adamax.py +8 -7
- mindspore/nn/optim/adasum.py +5 -5
- mindspore/nn/optim/asgd.py +3 -1
- mindspore/nn/optim/ftrl.py +11 -9
- mindspore/nn/optim/lamb.py +1 -1
- mindspore/nn/optim/lars.py +1 -4
- mindspore/nn/optim/lazyadam.py +12 -10
- mindspore/nn/optim/momentum.py +7 -6
- mindspore/nn/optim/optimizer.py +3 -3
- mindspore/nn/optim/proximal_ada_grad.py +12 -10
- mindspore/nn/optim/rmsprop.py +13 -12
- mindspore/nn/optim/rprop.py +11 -9
- mindspore/nn/optim/sgd.py +9 -6
- mindspore/nn/optim/tft_wrapper.py +5 -2
- mindspore/nn/optim/thor.py +2 -1
- mindspore/nn/probability/bijector/bijector.py +17 -11
- mindspore/nn/probability/bijector/gumbel_cdf.py +5 -5
- mindspore/nn/probability/bijector/invert.py +2 -2
- mindspore/nn/probability/bijector/scalar_affine.py +3 -3
- mindspore/nn/probability/bijector/softplus.py +3 -2
- mindspore/nn/probability/distribution/beta.py +3 -3
- mindspore/nn/probability/distribution/categorical.py +1 -1
- mindspore/nn/probability/distribution/cauchy.py +4 -2
- mindspore/nn/probability/distribution/exponential.py +6 -7
- mindspore/nn/probability/distribution/gamma.py +2 -2
- mindspore/nn/probability/distribution/gumbel.py +2 -2
- mindspore/nn/probability/distribution/half_normal.py +5 -3
- mindspore/nn/probability/distribution/logistic.py +5 -3
- mindspore/nn/probability/distribution/poisson.py +1 -1
- mindspore/nn/probability/distribution/uniform.py +5 -3
- mindspore/nn/reinforcement/_tensors_queue.py +1 -1
- mindspore/nn/reinforcement/tensor_array.py +1 -1
- mindspore/nn/utils/init.py +13 -11
- mindspore/nn/wrap/__init__.py +6 -6
- mindspore/nn/wrap/cell_wrapper.py +181 -122
- mindspore/nn/wrap/grad_reducer.py +45 -36
- mindspore/nn/wrap/loss_scale.py +6 -7
- mindspore/numpy/array_creations.py +63 -65
- mindspore/numpy/array_ops.py +149 -144
- mindspore/numpy/logic_ops.py +41 -42
- mindspore/numpy/math_ops.py +361 -359
- mindspore/numpy/utils.py +17 -18
- mindspore/numpy/utils_const.py +5 -6
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- mindspore/ops/__init__.py +5 -3
- mindspore/ops/_grad_experimental/grad_comm_ops.py +112 -16
- mindspore/ops/_grad_experimental/grad_debug_ops.py +14 -2
- mindspore/ops/_grad_experimental/grad_inner_ops.py +9 -0
- mindspore/ops/_grad_experimental/grad_math_ops.py +2 -1
- mindspore/ops/_grad_experimental/taylor_rule.py +29 -0
- mindspore/ops/_op_impl/cpu/__init__.py +1 -0
- mindspore/ops/_op_impl/cpu/raise_op.py +28 -0
- mindspore/ops/_register_for_op.py +0 -11
- mindspore/{ops_generate → ops/_utils}/arg_dtype_cast.py +123 -4
- mindspore/{ops_generate → ops/_utils}/arg_handler.py +3 -65
- mindspore/ops/_vmap/vmap_array_ops.py +52 -25
- mindspore/ops/_vmap/vmap_base.py +0 -2
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +21 -14
- mindspore/ops/_vmap/vmap_math_ops.py +15 -16
- mindspore/ops/_vmap/vmap_nn_ops.py +29 -42
- mindspore/ops/auto_generate/__init__.py +4 -3
- mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +258 -46
- mindspore/ops/auto_generate/gen_extend_func.py +757 -185
- mindspore/ops/auto_generate/gen_ops_def.py +4197 -2243
- mindspore/ops/auto_generate/gen_ops_prim.py +16976 -6055
- mindspore/ops/auto_generate/pyboost_inner_prim.py +221 -87
- mindspore/ops/composite/__init__.py +2 -1
- mindspore/ops/composite/base.py +20 -25
- mindspore/ops/composite/math_ops.py +6 -16
- mindspore/ops/composite/multitype_ops/__init__.py +5 -2
- mindspore/ops/composite/multitype_ops/_compile_utils.py +228 -30
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +1 -2
- mindspore/ops/composite/multitype_ops/add_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/div_impl.py +6 -4
- mindspore/ops/composite/multitype_ops/equal_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/floordiv_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/getitem_impl.py +3 -2
- mindspore/ops/composite/multitype_ops/greater_equal_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/greater_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/in_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/invert_impl.py +50 -0
- mindspore/ops/composite/multitype_ops/left_shift_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/less_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/logic_not_impl.py +3 -2
- mindspore/ops/composite/multitype_ops/logical_and_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/logical_or_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/mod_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/mul_impl.py +3 -2
- mindspore/ops/composite/multitype_ops/negative_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/not_equal_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/not_in_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +18 -0
- mindspore/ops/composite/multitype_ops/pow_impl.py +2 -30
- mindspore/ops/composite/multitype_ops/right_shift_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/setitem_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/sub_impl.py +2 -1
- mindspore/ops/function/__init__.py +40 -2
- mindspore/ops/function/_add_attr_func.py +58 -0
- mindspore/ops/function/array_func.py +2089 -2403
- mindspore/ops/function/clip_func.py +80 -23
- mindspore/ops/function/debug_func.py +57 -57
- mindspore/ops/function/grad/__init__.py +1 -0
- mindspore/ops/function/grad/grad_func.py +104 -71
- mindspore/ops/function/image_func.py +2 -2
- mindspore/ops/function/linalg_func.py +47 -78
- mindspore/ops/function/math_func.py +4351 -3813
- mindspore/ops/function/nn_func.py +1712 -637
- mindspore/ops/function/other_func.py +159 -1
- mindspore/ops/function/parameter_func.py +18 -84
- mindspore/ops/function/random_func.py +452 -387
- mindspore/ops/function/reshard_func.py +4 -70
- mindspore/ops/function/sparse_func.py +3 -3
- mindspore/ops/function/sparse_unary_func.py +6 -6
- mindspore/ops/function/spectral_func.py +25 -58
- mindspore/ops/function/vmap_func.py +26 -18
- mindspore/ops/functional.py +23 -7
- mindspore/ops/functional_overload.py +1548 -0
- mindspore/ops/op_info_register.py +32 -244
- mindspore/ops/operations/__init__.py +23 -15
- mindspore/ops/operations/_custom_ops_utils.py +235 -0
- mindspore/ops/operations/_embedding_cache_ops.py +4 -4
- mindspore/ops/operations/_grad_ops.py +2 -43
- mindspore/ops/operations/_infer_ops.py +2 -1
- mindspore/ops/operations/_inner_ops.py +43 -84
- mindspore/ops/operations/_ms_kernel.py +4 -10
- mindspore/ops/operations/_rl_inner_ops.py +1 -1
- mindspore/ops/operations/_scalar_ops.py +3 -2
- mindspore/ops/operations/_sequence_ops.py +1 -1
- mindspore/ops/operations/_tensor_array.py +1 -1
- mindspore/ops/operations/array_ops.py +81 -324
- mindspore/ops/operations/comm_ops.py +154 -108
- mindspore/ops/operations/custom_ops.py +298 -87
- mindspore/ops/operations/debug_ops.py +157 -59
- mindspore/ops/operations/inner_ops.py +7 -5
- mindspore/ops/operations/linalg_ops.py +1 -57
- mindspore/ops/operations/manually_defined/_inner.py +1 -1
- mindspore/ops/operations/manually_defined/ops_def.py +928 -180
- mindspore/ops/operations/math_ops.py +32 -234
- mindspore/ops/operations/nn_ops.py +212 -531
- mindspore/ops/operations/other_ops.py +62 -9
- mindspore/ops/operations/random_ops.py +13 -7
- mindspore/ops/operations/reshard_ops.py +1 -1
- mindspore/ops/operations/sparse_ops.py +2 -2
- mindspore/ops/primitive.py +66 -53
- mindspore/ops/tensor_method.py +1895 -0
- mindspore/ops_generate/__init__.py +0 -5
- mindspore/ops_generate/aclnn/__init__.py +0 -0
- mindspore/ops_generate/aclnn/aclnn_kernel_register_auto_cc_generator.py +135 -0
- mindspore/ops_generate/aclnn/gen_aclnn_implement.py +257 -0
- mindspore/ops_generate/api/__init__.py +0 -0
- mindspore/ops_generate/api/add_tensor_docs_generator.py +56 -0
- mindspore/ops_generate/api/cpp_create_prim_instance_helper_generator.py +105 -0
- mindspore/ops_generate/api/functional_map_cpp_generator.py +504 -0
- mindspore/ops_generate/api/functional_overload_py_generator.py +112 -0
- mindspore/ops_generate/api/functions_cc_generator.py +237 -0
- mindspore/ops_generate/api/gen_api.py +103 -0
- mindspore/ops_generate/api/op_api_proto.py +235 -0
- mindspore/ops_generate/api/tensor_func_reg_cpp_generator.py +461 -0
- mindspore/ops_generate/common/__init__.py +0 -0
- mindspore/ops_generate/common/base_generator.py +11 -0
- mindspore/ops_generate/common/gen_constants.py +91 -0
- mindspore/ops_generate/common/gen_utils.py +348 -0
- mindspore/ops_generate/common/op_proto.py +473 -0
- mindspore/ops_generate/common/template.py +523 -0
- mindspore/ops_generate/gen_ops.py +22 -1069
- mindspore/ops_generate/op_def/__init__.py +0 -0
- mindspore/ops_generate/op_def/gen_op_def.py +90 -0
- mindspore/ops_generate/op_def/lite_ops_cpp_generator.py +191 -0
- mindspore/ops_generate/op_def/ops_def_cc_generator.py +296 -0
- mindspore/ops_generate/op_def/ops_def_h_generator.py +74 -0
- mindspore/ops_generate/op_def/ops_name_h_generator.py +83 -0
- mindspore/ops_generate/op_def/ops_primitive_h_generator.py +125 -0
- mindspore/ops_generate/op_def_py/__init__.py +0 -0
- mindspore/ops_generate/op_def_py/gen_op_def_py.py +47 -0
- mindspore/ops_generate/op_def_py/op_def_py_generator.py +132 -0
- mindspore/ops_generate/op_def_py/op_prim_py_generator.py +489 -0
- mindspore/ops_generate/pyboost/__init__.py +0 -0
- mindspore/ops_generate/pyboost/auto_grad_impl_cc_generator.py +139 -0
- mindspore/ops_generate/pyboost/auto_grad_reg_cc_generator.py +93 -0
- mindspore/ops_generate/pyboost/gen_pyboost_func.py +175 -0
- mindspore/ops_generate/pyboost/op_template_parser.py +517 -0
- mindspore/ops_generate/pyboost/pyboost_functions_cpp_generator.py +407 -0
- mindspore/ops_generate/pyboost/pyboost_functions_h_generator.py +100 -0
- mindspore/ops_generate/pyboost/pyboost_functions_py_generator.py +148 -0
- mindspore/ops_generate/pyboost/pyboost_grad_function_cpp_generator.py +155 -0
- mindspore/ops_generate/pyboost/pyboost_inner_prim_generator.py +132 -0
- mindspore/ops_generate/pyboost/pyboost_native_grad_functions_generator.py +272 -0
- mindspore/ops_generate/pyboost/pyboost_op_cpp_code_generator.py +938 -0
- mindspore/ops_generate/pyboost/pyboost_overload_functions_cpp_generator.py +357 -0
- mindspore/ops_generate/{pyboost_utils.py → pyboost/pyboost_utils.py} +179 -36
- mindspore/ops_generate/resources/__init__.py +0 -0
- mindspore/ops_generate/resources/resource_list.py +30 -0
- mindspore/ops_generate/resources/resource_loader.py +36 -0
- mindspore/ops_generate/resources/resource_manager.py +64 -0
- mindspore/ops_generate/resources/yaml_loader.py +88 -0
- mindspore/ops_generate/tensor_py_cc_generator.py +122 -0
- mindspore/parallel/__init__.py +7 -3
- mindspore/parallel/_auto_parallel_context.py +159 -40
- mindspore/parallel/_cell_wrapper.py +132 -15
- mindspore/parallel/_parallel_serialization.py +107 -5
- mindspore/parallel/_ps_context.py +1 -1
- mindspore/parallel/_recovery_context.py +7 -2
- mindspore/parallel/_tensor.py +142 -18
- mindspore/parallel/_utils.py +199 -23
- mindspore/parallel/algo_parameter_config.py +4 -4
- mindspore/parallel/auto_parallel.py +732 -0
- mindspore/parallel/checkpoint_convert.py +159 -0
- mindspore/parallel/checkpoint_transform.py +700 -35
- mindspore/parallel/cluster/process_entity/_api.py +276 -50
- mindspore/parallel/cluster/process_entity/_utils.py +41 -6
- mindspore/parallel/cluster/run.py +21 -4
- mindspore/parallel/function/__init__.py +24 -0
- mindspore/parallel/function/reshard_func.py +258 -0
- mindspore/parallel/nn/__init__.py +25 -0
- mindspore/parallel/nn/parallel_cell_wrapper.py +263 -0
- mindspore/parallel/nn/parallel_grad_reducer.py +169 -0
- mindspore/parallel/parameter_broadcast.py +25 -14
- mindspore/parallel/shard.py +137 -59
- mindspore/parallel/transform_safetensors.py +364 -305
- mindspore/pgodb140.dll +0 -0
- mindspore/pgort140.dll +0 -0
- mindspore/profiler/__init__.py +22 -5
- mindspore/profiler/analysis/__init__.py +0 -0
- mindspore/profiler/analysis/parser/__init__.py +0 -0
- mindspore/profiler/analysis/parser/ascend_cann_parser.py +170 -0
- mindspore/profiler/analysis/parser/base_parser.py +158 -0
- mindspore/profiler/analysis/parser/framework_cann_relation_parser.py +45 -0
- mindspore/profiler/analysis/parser/ms_framework_parser.py +142 -0
- mindspore/profiler/analysis/parser/ms_minddata_parser.py +145 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/__init__.py +0 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/ascend_timeline_assembler.py +264 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/base_timeline_assembler.py +40 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/trace_view_container.py +109 -0
- mindspore/profiler/analysis/parser/timeline_creator/__init__.py +0 -0
- mindspore/profiler/analysis/parser/timeline_creator/base_timeline_creator.py +44 -0
- mindspore/profiler/analysis/parser/timeline_creator/cpu_op_timeline_creator.py +90 -0
- mindspore/profiler/analysis/parser/timeline_creator/fwk_timeline_creator.py +76 -0
- mindspore/profiler/analysis/parser/timeline_creator/msprof_timeline_creator.py +103 -0
- mindspore/profiler/analysis/parser/timeline_creator/scope_layer_timeline_creator.py +134 -0
- mindspore/profiler/analysis/parser/timeline_event/__init__.py +0 -0
- mindspore/profiler/analysis/parser/timeline_event/base_event.py +233 -0
- mindspore/profiler/analysis/parser/timeline_event/cpu_op_event.py +47 -0
- mindspore/profiler/analysis/parser/timeline_event/flow_event.py +36 -0
- mindspore/profiler/analysis/parser/timeline_event/fwk_event.py +415 -0
- mindspore/profiler/analysis/parser/timeline_event/msprof_event.py +73 -0
- mindspore/profiler/analysis/parser/timeline_event/scope_layer_event.py +53 -0
- mindspore/profiler/analysis/parser/timeline_event/timeline_event_pool.py +146 -0
- mindspore/profiler/analysis/task_manager.py +131 -0
- mindspore/profiler/analysis/time_converter.py +84 -0
- mindspore/profiler/analysis/viewer/__init__.py +0 -0
- mindspore/profiler/analysis/viewer/ascend_communication_viewer.py +372 -0
- mindspore/profiler/analysis/viewer/ascend_integrate_viewer.py +87 -0
- mindspore/profiler/analysis/viewer/ascend_kernel_details_viewer.py +250 -0
- mindspore/profiler/analysis/viewer/ascend_memory_viewer.py +320 -0
- mindspore/profiler/analysis/viewer/ascend_op_memory_viewer.py +327 -0
- mindspore/profiler/analysis/viewer/ascend_step_trace_time_viewer.py +376 -0
- mindspore/profiler/analysis/viewer/ascend_timeline_viewer.py +58 -0
- mindspore/profiler/analysis/viewer/base_viewer.py +26 -0
- mindspore/profiler/analysis/viewer/ms_dataset_viewer.py +96 -0
- mindspore/profiler/analysis/viewer/ms_minddata_viewer.py +581 -0
- mindspore/profiler/analysis/work_flow.py +73 -0
- mindspore/profiler/common/ascend_msprof_exporter.py +139 -0
- mindspore/profiler/common/command_executor.py +90 -0
- mindspore/profiler/common/constant.py +186 -3
- mindspore/profiler/common/file_manager.py +208 -0
- mindspore/profiler/common/log.py +130 -0
- mindspore/profiler/common/msprof_cmd_tool.py +221 -0
- mindspore/profiler/common/path_manager.py +395 -0
- mindspore/profiler/common/process_bar.py +168 -0
- mindspore/profiler/common/process_pool.py +9 -3
- mindspore/profiler/common/profiler_context.py +500 -0
- mindspore/profiler/common/profiler_info.py +304 -0
- mindspore/profiler/common/profiler_meta_data.py +74 -0
- mindspore/profiler/common/profiler_output_path.py +284 -0
- mindspore/profiler/common/profiler_parameters.py +251 -0
- mindspore/profiler/common/profiler_path_manager.py +179 -0
- mindspore/profiler/common/record_function.py +76 -0
- mindspore/profiler/common/tlv_decoder.py +76 -0
- mindspore/profiler/common/util.py +75 -2
- mindspore/profiler/dynamic_profiler.py +341 -75
- mindspore/profiler/envprofiler.py +163 -0
- mindspore/profiler/experimental_config.py +197 -0
- mindspore/profiler/mstx.py +242 -0
- mindspore/profiler/platform/__init__.py +21 -0
- mindspore/profiler/platform/base_profiler.py +40 -0
- mindspore/profiler/platform/cpu_profiler.py +124 -0
- mindspore/profiler/platform/gpu_profiler.py +74 -0
- mindspore/profiler/platform/npu_profiler.py +335 -0
- mindspore/profiler/profiler.py +1073 -90
- mindspore/profiler/profiler_action_controller.py +187 -0
- mindspore/profiler/profiler_interface.py +118 -0
- mindspore/profiler/schedule.py +243 -0
- mindspore/rewrite/api/node.py +15 -13
- mindspore/rewrite/api/symbol_tree.py +2 -3
- mindspore/run_check/_check_version.py +27 -20
- mindspore/run_check/run_check.py +1 -1
- mindspore/runtime/__init__.py +37 -0
- mindspore/runtime/device.py +27 -0
- mindspore/runtime/event.py +209 -0
- mindspore/runtime/executor.py +177 -0
- mindspore/runtime/memory.py +416 -0
- mindspore/runtime/stream.py +460 -0
- mindspore/runtime/thread_bind_core.py +401 -0
- mindspore/safeguard/rewrite_obfuscation.py +12 -9
- mindspore/swresample-4.dll +0 -0
- mindspore/swscale-6.dll +0 -0
- mindspore/tbbmalloc.dll +0 -0
- mindspore/tinyxml2.dll +0 -0
- mindspore/train/__init__.py +8 -8
- mindspore/train/_utils.py +96 -27
- mindspore/train/amp.py +9 -5
- mindspore/train/callback/__init__.py +2 -2
- mindspore/train/callback/_callback.py +2 -16
- mindspore/train/callback/_checkpoint.py +53 -55
- mindspore/train/callback/_cluster_monitor.py +14 -18
- mindspore/train/callback/_early_stop.py +1 -1
- mindspore/train/callback/_flops_collector.py +103 -68
- mindspore/train/callback/_history.py +8 -5
- mindspore/train/callback/_lambda_callback.py +2 -2
- mindspore/train/callback/_landscape.py +0 -3
- mindspore/train/callback/_loss_monitor.py +2 -1
- mindspore/train/callback/_on_request_exit.py +6 -5
- mindspore/train/callback/_reduce_lr_on_plateau.py +11 -6
- mindspore/train/callback/_summary_collector.py +52 -19
- mindspore/train/callback/_time_monitor.py +2 -1
- mindspore/train/callback/{_tft_register.py → _train_fault_tolerance.py} +228 -108
- mindspore/train/data_sink.py +25 -2
- mindspore/train/dataset_helper.py +15 -16
- mindspore/train/loss_scale_manager.py +8 -7
- mindspore/train/metrics/accuracy.py +3 -3
- mindspore/train/metrics/confusion_matrix.py +9 -9
- mindspore/train/metrics/error.py +3 -3
- mindspore/train/metrics/hausdorff_distance.py +4 -4
- mindspore/train/metrics/mean_surface_distance.py +3 -3
- mindspore/train/metrics/metric.py +0 -12
- mindspore/train/metrics/occlusion_sensitivity.py +4 -2
- mindspore/train/metrics/precision.py +11 -10
- mindspore/train/metrics/recall.py +9 -9
- mindspore/train/metrics/root_mean_square_surface_distance.py +2 -2
- mindspore/train/mind_ir_pb2.py +174 -46
- mindspore/train/model.py +269 -136
- mindspore/train/serialization.py +622 -978
- mindspore/train/summary/_summary_adapter.py +2 -2
- mindspore/train/summary/summary_record.py +2 -3
- mindspore/train/train_thor/model_thor.py +1 -1
- mindspore/turbojpeg.dll +0 -0
- mindspore/utils/__init__.py +6 -3
- mindspore/utils/dryrun.py +140 -0
- mindspore/utils/hooks.py +81 -0
- mindspore/utils/runtime_execution_order_check.py +552 -0
- mindspore/utils/utils.py +138 -4
- mindspore/vcmeta.dll +0 -0
- mindspore/vcruntime140.dll +0 -0
- mindspore/vcruntime140_1.dll +0 -0
- mindspore/version.py +1 -1
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/METADATA +3 -3
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/RECORD +587 -418
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/entry_points.txt +1 -1
- mindspore/_install_custom.py +0 -43
- mindspore/common/_register_for_adapter.py +0 -74
- mindspore/common/_tensor_overload.py +0 -139
- mindspore/mindspore_np_dtype.dll +0 -0
- mindspore/ops/auto_generate/gen_arg_dtype_cast.py +0 -252
- mindspore/ops/auto_generate/gen_arg_handler.py +0 -197
- mindspore/ops/operations/_opaque_predicate_registry.py +0 -41
- mindspore/ops_generate/gen_aclnn_implement.py +0 -263
- mindspore/ops_generate/gen_ops_inner_prim.py +0 -131
- mindspore/ops_generate/gen_pyboost_func.py +0 -1052
- mindspore/ops_generate/gen_utils.py +0 -209
- mindspore/ops_generate/op_proto.py +0 -145
- mindspore/ops_generate/template.py +0 -261
- mindspore/profiler/envprofiling.py +0 -254
- mindspore/profiler/profiling.py +0 -1926
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/WHEEL +0 -0
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/top_level.txt +0 -0
|
@@ -21,16 +21,9 @@ import inspect
|
|
|
21
21
|
import json
|
|
22
22
|
import os
|
|
23
23
|
import functools
|
|
24
|
-
import platform
|
|
25
|
-
import hashlib
|
|
26
|
-
import shutil
|
|
27
24
|
|
|
28
25
|
from mindspore._c_expression import Oplib
|
|
29
26
|
from mindspore import _checkparam as validator
|
|
30
|
-
from mindspore import log as logger
|
|
31
|
-
|
|
32
|
-
if platform.system() == "Linux":
|
|
33
|
-
import fcntl
|
|
34
27
|
|
|
35
28
|
# path of built-in op info register.
|
|
36
29
|
BUILT_IN_OPS_REGISTER_PATH = "mindspore/ops/_op_impl"
|
|
@@ -40,207 +33,6 @@ KEY_NAME = "name"
|
|
|
40
33
|
ASCEND_CUSTOM_OPP_PATH = "ASCEND_CUSTOM_OPP_PATH"
|
|
41
34
|
|
|
42
35
|
|
|
43
|
-
def _get_reg_info_attr(op_info, attr_name, default_value=None):
|
|
44
|
-
"""get attr value"""
|
|
45
|
-
for _, item in enumerate(op_info.get("attr", [])):
|
|
46
|
-
if item.get(KEY_NAME) == attr_name:
|
|
47
|
-
return item.get("defaultValue")
|
|
48
|
-
return default_value
|
|
49
|
-
|
|
50
|
-
|
|
51
|
-
class _CustomInstaller:
|
|
52
|
-
"""save custom op registration information to a json file which will be used by GE"""
|
|
53
|
-
reg_info_hash = [] # used to avoid writing the same reg info to file multiple times
|
|
54
|
-
copied_paths = [] # used to avoid copying the same file multiple times
|
|
55
|
-
|
|
56
|
-
def __init__(self, op_info, func=None):
|
|
57
|
-
self.op_info = op_info
|
|
58
|
-
self.func = func
|
|
59
|
-
self.op_type = op_info.get("op_name") if not func else func.__name__
|
|
60
|
-
vendor_name = "ms"
|
|
61
|
-
custom_dir = os.path.join(os.path.realpath("./"), "vendors", vendor_name)
|
|
62
|
-
self._set_env(custom_dir)
|
|
63
|
-
op_impl_dir = os.path.join(custom_dir, "op_impl")
|
|
64
|
-
self.ai_core_config_dir = os.path.join(op_impl_dir, "ai_core", "tbe", "config")
|
|
65
|
-
self.ai_core_impl_dir = os.path.join(op_impl_dir, "ai_core", "tbe", vendor_name + "_impl")
|
|
66
|
-
self.ai_cpu_config_dir = os.path.join(op_impl_dir, "cpu", "config")
|
|
67
|
-
self.ai_cpu_impl_dir = os.path.join(op_impl_dir, "cpu", "aicpu_kernel", "impl")
|
|
68
|
-
|
|
69
|
-
@staticmethod
|
|
70
|
-
def _set_env(custom_opp_path):
|
|
71
|
-
"""set custom file path to env"""
|
|
72
|
-
if not os.environ.get(ASCEND_CUSTOM_OPP_PATH):
|
|
73
|
-
os.environ[ASCEND_CUSTOM_OPP_PATH] = custom_opp_path
|
|
74
|
-
else:
|
|
75
|
-
paths = os.environ[ASCEND_CUSTOM_OPP_PATH].split(':')
|
|
76
|
-
if custom_opp_path not in paths:
|
|
77
|
-
os.environ[ASCEND_CUSTOM_OPP_PATH] = custom_opp_path + ':' + os.environ[ASCEND_CUSTOM_OPP_PATH]
|
|
78
|
-
|
|
79
|
-
@staticmethod
|
|
80
|
-
def _create_dir(*dir_names):
|
|
81
|
-
"""create directory"""
|
|
82
|
-
for dir_name in dir_names:
|
|
83
|
-
if not os.path.isdir(dir_name):
|
|
84
|
-
try:
|
|
85
|
-
os.makedirs(dir_name, mode=0o700, exist_ok=True)
|
|
86
|
-
except OSError as err:
|
|
87
|
-
if err.errno == 17: # File exists
|
|
88
|
-
pass
|
|
89
|
-
else:
|
|
90
|
-
raise err
|
|
91
|
-
|
|
92
|
-
@staticmethod
|
|
93
|
-
def _copy_file(src_path, dst_dir):
|
|
94
|
-
"""copy file"""
|
|
95
|
-
if not os.path.exists(src_path) or src_path in _CustomInstaller.copied_paths:
|
|
96
|
-
return
|
|
97
|
-
_CustomInstaller.copied_paths.append(src_path)
|
|
98
|
-
if os.path.isfile(src_path):
|
|
99
|
-
lock_file = os.path.join(dst_dir, "file.lock")
|
|
100
|
-
with os.fdopen(os.open(lock_file, os.O_WRONLY | os.O_CREAT | os.O_TRUNC, 0o600), 'w') as f:
|
|
101
|
-
fcntl.flock(f.fileno(), fcntl.LOCK_EX)
|
|
102
|
-
shutil.copy(src_path, dst_dir)
|
|
103
|
-
|
|
104
|
-
def check(self):
|
|
105
|
-
"""check if the reg info need written"""
|
|
106
|
-
if platform.system() != "Linux":
|
|
107
|
-
return False
|
|
108
|
-
if not os.environ.get("MS_DEV_CUSTOM_OPP_PATH"):
|
|
109
|
-
# only process the first time import the mindspore module
|
|
110
|
-
return False
|
|
111
|
-
if self.op_info.get("target") in ["GPU", "CPU"]:
|
|
112
|
-
return False
|
|
113
|
-
sha256 = hashlib.sha256()
|
|
114
|
-
value = json.dumps(self.op_info, sort_keys=True).encode()
|
|
115
|
-
sha256.update(value)
|
|
116
|
-
hash_value = sha256.hexdigest()
|
|
117
|
-
if hash_value in _CustomInstaller.reg_info_hash:
|
|
118
|
-
return False
|
|
119
|
-
_CustomInstaller.reg_info_hash.append(hash_value)
|
|
120
|
-
return True
|
|
121
|
-
|
|
122
|
-
def _find_ai_cpu_so_path(self, so_file):
|
|
123
|
-
"""find the absolute path of so"""
|
|
124
|
-
current_path = os.path.dirname(os.path.realpath(__file__))
|
|
125
|
-
search_paths = [current_path + "/../lib", current_path + "/../lib/plugin/ascend"]
|
|
126
|
-
for path in search_paths:
|
|
127
|
-
so_path = os.path.join(path, so_file)
|
|
128
|
-
if os.path.exists(so_path):
|
|
129
|
-
return so_path
|
|
130
|
-
logger.warning("For Custom op '{}', can not find the aicpu so file '{}' in the following directories:\n{}"
|
|
131
|
-
.format(self.op_type, so_file, "\n".join(search_paths)))
|
|
132
|
-
return ""
|
|
133
|
-
|
|
134
|
-
def _gen_ai_core_reg_info(self, imply_path, func_name):
|
|
135
|
-
"""generate reg info"""
|
|
136
|
-
|
|
137
|
-
def _get_dtype_format(idx):
|
|
138
|
-
data_type = []
|
|
139
|
-
data_format = []
|
|
140
|
-
for _, dtype_format in enumerate(self.op_info.get("dtype_format", [])):
|
|
141
|
-
if not dtype_format[idx][0]:
|
|
142
|
-
data_type = None
|
|
143
|
-
else:
|
|
144
|
-
data_type.append(dtype_format[idx][0])
|
|
145
|
-
if not dtype_format[idx][1]:
|
|
146
|
-
data_format = None
|
|
147
|
-
else:
|
|
148
|
-
if dtype_format[idx][1] == "DefaultFormat":
|
|
149
|
-
data_format.append("ND")
|
|
150
|
-
else:
|
|
151
|
-
data_format.append(dtype_format[idx][1])
|
|
152
|
-
return data_type, data_format
|
|
153
|
-
|
|
154
|
-
op_info = {"opFile": {"value": os.path.splitext(os.path.basename(imply_path))[0]},
|
|
155
|
-
"opInterface": {"value": func_name}}
|
|
156
|
-
# attr
|
|
157
|
-
attrs_name = []
|
|
158
|
-
for _, item in enumerate(self.op_info.get("attr", [])):
|
|
159
|
-
attr_name = item.get(KEY_NAME)
|
|
160
|
-
attrs_name.append(attr_name)
|
|
161
|
-
key = "attr_" + attr_name
|
|
162
|
-
op_info[key] = {}
|
|
163
|
-
for k, v in item.items():
|
|
164
|
-
if k != KEY_NAME:
|
|
165
|
-
op_info[key][k] = v
|
|
166
|
-
if attrs_name:
|
|
167
|
-
op_info["attr"] = {"list": ",".join(attrs_name)}
|
|
168
|
-
# input and output
|
|
169
|
-
inputs = self.op_info.get("inputs", [])
|
|
170
|
-
outputs = self.op_info.get("outputs", [])
|
|
171
|
-
input_num = len(inputs)
|
|
172
|
-
output_num = len(outputs)
|
|
173
|
-
for i in range(input_num + output_num):
|
|
174
|
-
item = inputs[i] if i < input_num else outputs[i - input_num]
|
|
175
|
-
key = "input" if i < input_num else "output"
|
|
176
|
-
key += str(item.get("index"))
|
|
177
|
-
op_info[key] = {KEY_NAME: item.get(KEY_NAME),
|
|
178
|
-
"paramType": item.get("paramType", "required"),
|
|
179
|
-
"shape": item.get("shape", "all")}
|
|
180
|
-
dtype, formats = _get_dtype_format(i)
|
|
181
|
-
if dtype:
|
|
182
|
-
op_info[key]["dtype"] = ",".join(dtype)
|
|
183
|
-
if formats:
|
|
184
|
-
op_info[key]["format"] = ",".join(formats)
|
|
185
|
-
return op_info
|
|
186
|
-
|
|
187
|
-
@staticmethod
|
|
188
|
-
def _gen_ai_cpu_reg_info(so_file):
|
|
189
|
-
"""generate reg info"""
|
|
190
|
-
op_info = {"opInfo": {"computeCost": "100",
|
|
191
|
-
"engine": "DNN_VM_AICPU",
|
|
192
|
-
"flagAsync": "False",
|
|
193
|
-
"flagPartial": "False",
|
|
194
|
-
"functionName": "RunCpuKernel",
|
|
195
|
-
"kernelSo": so_file,
|
|
196
|
-
"opKernelLib": "CUSTAICPUKernel",
|
|
197
|
-
"userDefined": "True"}}
|
|
198
|
-
return op_info
|
|
199
|
-
|
|
200
|
-
def _save_op_info(self, dst_dir, file_name, op_info):
|
|
201
|
-
"""save op info file"""
|
|
202
|
-
repo = {}
|
|
203
|
-
save_path = os.path.join(dst_dir, file_name)
|
|
204
|
-
lock_file = os.path.join(dst_dir, "file.lock")
|
|
205
|
-
with os.fdopen(os.open(lock_file, os.O_WRONLY | os.O_CREAT | os.O_TRUNC, 0o600), 'w') as f:
|
|
206
|
-
fcntl.flock(f.fileno(), fcntl.LOCK_EX)
|
|
207
|
-
if os.path.isfile(save_path):
|
|
208
|
-
with open(save_path, 'r') as fr:
|
|
209
|
-
json_str = fr.read()
|
|
210
|
-
json_str = "{}" if json_str == "" else json_str
|
|
211
|
-
repo = json.loads(json_str)
|
|
212
|
-
repo.update({self.op_type: op_info})
|
|
213
|
-
with os.fdopen(os.open(save_path, os.O_WRONLY | os.O_CREAT | os.O_TRUNC, 0o600), 'w') as fw:
|
|
214
|
-
json.dump(repo, fw, sort_keys=True, indent=4, separators=(',', ':'))
|
|
215
|
-
|
|
216
|
-
def run(self):
|
|
217
|
-
"""save reg info to file"""
|
|
218
|
-
if not self.check():
|
|
219
|
-
return
|
|
220
|
-
so_name = _get_reg_info_attr(self.op_info, "cust_aicpu")
|
|
221
|
-
if so_name:
|
|
222
|
-
_CustomInstaller._create_dir(self.ai_cpu_config_dir, self.ai_cpu_impl_dir)
|
|
223
|
-
# copy so file
|
|
224
|
-
so_file = "lib" + so_name + ".so"
|
|
225
|
-
imply_path = self._find_ai_cpu_so_path(so_file)
|
|
226
|
-
self._copy_file(imply_path, self.ai_cpu_impl_dir)
|
|
227
|
-
# generate and copy reg info file
|
|
228
|
-
op_info = self._gen_ai_cpu_reg_info(so_file)
|
|
229
|
-
self._save_op_info(self.ai_cpu_config_dir, "cust_aicpu_kernel.json", op_info)
|
|
230
|
-
else:
|
|
231
|
-
_CustomInstaller._create_dir(self.ai_core_config_dir, self.ai_core_impl_dir)
|
|
232
|
-
# copy dsl file
|
|
233
|
-
imply_path = os.path.realpath(inspect.getfile(self.func))
|
|
234
|
-
self._copy_file(imply_path, self.ai_core_impl_dir)
|
|
235
|
-
# generate and copy reg info file
|
|
236
|
-
op_info = self._gen_ai_core_reg_info(imply_path, self.func.__name__)
|
|
237
|
-
self._copy_file(imply_path, self.ai_core_impl_dir)
|
|
238
|
-
for arc_name in ["ascend910", "ascend910b", "ascend910_93", "ascend310p"]:
|
|
239
|
-
arc_dir = os.path.join(self.ai_core_config_dir, arc_name)
|
|
240
|
-
_CustomInstaller._create_dir(arc_dir)
|
|
241
|
-
self._save_op_info(arc_dir, "aic-{}-ops-info.json".format(arc_name), op_info)
|
|
242
|
-
|
|
243
|
-
|
|
244
36
|
def op_info_register(op_info):
|
|
245
37
|
r"""
|
|
246
38
|
A decorator which is used to register an operator.
|
|
@@ -319,6 +111,9 @@ def custom_info_register(*reg_info):
|
|
|
319
111
|
Raises:
|
|
320
112
|
TypeError: If `reg_info` is not a tuple.
|
|
321
113
|
|
|
114
|
+
Supported Platforms:
|
|
115
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
116
|
+
|
|
322
117
|
Examples:
|
|
323
118
|
>>> from mindspore.ops import custom_info_register, CustomRegOp, DataType
|
|
324
119
|
>>> custom_func_ascend_info = CustomRegOp() \
|
|
@@ -336,12 +131,6 @@ def custom_info_register(*reg_info):
|
|
|
336
131
|
|
|
337
132
|
def decorator(func):
|
|
338
133
|
setattr(func, "reg_info", reg_info)
|
|
339
|
-
if reg_info:
|
|
340
|
-
used_reg_info = reg_info[0]
|
|
341
|
-
if isinstance(used_reg_info, dict):
|
|
342
|
-
# ai_cpu should be parsed inside CustomRegOp, skip it here
|
|
343
|
-
if not _get_reg_info_attr(used_reg_info, "cust_aicpu"):
|
|
344
|
-
_CustomInstaller(used_reg_info, func).run()
|
|
345
134
|
|
|
346
135
|
@functools.wraps(func)
|
|
347
136
|
def wrapper(*args, **kwargs):
|
|
@@ -773,9 +562,9 @@ class TBERegOp(RegOp):
|
|
|
773
562
|
Description whether the operator supports dynamic rank (dynamic dimension).
|
|
774
563
|
|
|
775
564
|
Args:
|
|
776
|
-
dynamic_rank_support (bool): Description whether the operator
|
|
777
|
-
|
|
778
|
-
|
|
565
|
+
dynamic_rank_support (bool, optional): Description whether the operator
|
|
566
|
+
supports dynamic rank (dynamic dimension).
|
|
567
|
+
True: indicates that dynamic rank is supported.
|
|
779
568
|
False: indicates that the operator does not support dynamic rank.
|
|
780
569
|
Default: ``False`` .
|
|
781
570
|
"""
|
|
@@ -810,7 +599,7 @@ class TBERegOp(RegOp):
|
|
|
810
599
|
Define the calculation efficiency of the operator, whether the asynchronous calculation is supported.
|
|
811
600
|
|
|
812
601
|
Args:
|
|
813
|
-
async_flag (bool): Value of async flag. Default: ``False`` .
|
|
602
|
+
async_flag (bool, optional): Value of async flag. Default: ``False`` .
|
|
814
603
|
"""
|
|
815
604
|
self._is_bool(async_flag)
|
|
816
605
|
self.async_flag_ = async_flag
|
|
@@ -833,7 +622,7 @@ class TBERegOp(RegOp):
|
|
|
833
622
|
in the tiling module.
|
|
834
623
|
|
|
835
624
|
Args:
|
|
836
|
-
compute_cost (int): Value of compute cost. Default: ``10`` .
|
|
625
|
+
compute_cost (int, optional): Value of compute cost. Default: ``10`` .
|
|
837
626
|
"""
|
|
838
627
|
self._is_int(compute_cost)
|
|
839
628
|
self.compute_cost_ = compute_cost
|
|
@@ -855,7 +644,7 @@ class TBERegOp(RegOp):
|
|
|
855
644
|
Define the calculation efficiency of operator, whether the partial calculation is supported.
|
|
856
645
|
|
|
857
646
|
Args:
|
|
858
|
-
partial_flag (bool): Value of partial flag. Default: ``True`` .
|
|
647
|
+
partial_flag (bool, optional): Value of partial flag. Default: ``True`` .
|
|
859
648
|
"""
|
|
860
649
|
self._is_bool(partial_flag)
|
|
861
650
|
self.partial_flag_ = partial_flag
|
|
@@ -880,7 +669,7 @@ class TBERegOp(RegOp):
|
|
|
880
669
|
Whether the operator supports dynamic shape.
|
|
881
670
|
|
|
882
671
|
Args:
|
|
883
|
-
dynamic_shape (bool): Value of dynamic shape. Default: ``False`` .
|
|
672
|
+
dynamic_shape (bool, optional): Value of dynamic shape. Default: ``False`` .
|
|
884
673
|
"""
|
|
885
674
|
self._is_bool(dynamic_shape)
|
|
886
675
|
self.dynamic_shape_support_ = dynamic_shape
|
|
@@ -891,7 +680,8 @@ class TBERegOp(RegOp):
|
|
|
891
680
|
Whether the operator supports dynamic compile static.
|
|
892
681
|
|
|
893
682
|
Args:
|
|
894
|
-
dynamic_compile_static (bool):
|
|
683
|
+
dynamic_compile_static (bool, optional): An identifier that indicates
|
|
684
|
+
whether the operator supports dynamic compile static. Default: ``False`` .
|
|
895
685
|
"""
|
|
896
686
|
if self._is_bool(dynamic_compile_static):
|
|
897
687
|
self.dynamic_compile_static_ = dynamic_compile_static
|
|
@@ -902,7 +692,7 @@ class TBERegOp(RegOp):
|
|
|
902
692
|
Whether the operator needs check supports.
|
|
903
693
|
|
|
904
694
|
Args:
|
|
905
|
-
need_check_supported (bool): Value of need_check_supported. Default: ``False`` .
|
|
695
|
+
need_check_supported (bool, optional): Value of need_check_supported. Default: ``False`` .
|
|
906
696
|
"""
|
|
907
697
|
if self._is_bool(need_check_supported):
|
|
908
698
|
self.need_check_support_ = need_check_supported
|
|
@@ -913,7 +703,7 @@ class TBERegOp(RegOp):
|
|
|
913
703
|
Whether the operator needs calop_select_format api.
|
|
914
704
|
|
|
915
705
|
Args:
|
|
916
|
-
is_dynamic_format (bool): Value of is_dynamic_format. Default: ``False`` .
|
|
706
|
+
is_dynamic_format (bool, optional): Value of is_dynamic_format. Default: ``False`` .
|
|
917
707
|
"""
|
|
918
708
|
if self._is_bool(is_dynamic_format):
|
|
919
709
|
self.dynamic_format_ = is_dynamic_format
|
|
@@ -924,7 +714,7 @@ class TBERegOp(RegOp):
|
|
|
924
714
|
The behavior type of operator, such as broadcast, reduce and so on.
|
|
925
715
|
|
|
926
716
|
Args:
|
|
927
|
-
pattern (str): Value of op pattern, e.g. "broadcast", "reduce". Default: ``None`` .
|
|
717
|
+
pattern (str, optional): Value of op pattern, e.g. "broadcast", "reduce". Default: ``None`` .
|
|
928
718
|
"""
|
|
929
719
|
if pattern is not None and self._is_string(pattern):
|
|
930
720
|
self.op_pattern_ = pattern
|
|
@@ -935,11 +725,11 @@ class TBERegOp(RegOp):
|
|
|
935
725
|
Register TBE op attribute information.
|
|
936
726
|
|
|
937
727
|
Args:
|
|
938
|
-
name (str): Name of the attribute. Default: ``None`` .
|
|
939
|
-
param_type (str): Param type of the attribute. Default: ``None`` .
|
|
940
|
-
value_type (str): Type of the attribute. Default: ``None`` .
|
|
941
|
-
value (str): Value of the attribute. Default: ``None`` .
|
|
942
|
-
default_value (str): Default value of attribute. Default: ``None`` .
|
|
728
|
+
name (str, optional): Name of the attribute. Default: ``None`` .
|
|
729
|
+
param_type (str, optional): Param type of the attribute. Default: ``None`` .
|
|
730
|
+
value_type (str, optional): Type of the attribute. Default: ``None`` .
|
|
731
|
+
value (str, optional): Value of the attribute. Default: ``None`` .
|
|
732
|
+
default_value (str, optional): Default value of attribute. Default: ``None`` .
|
|
943
733
|
kwargs (dict): Other information of the attribute.
|
|
944
734
|
"""
|
|
945
735
|
param_list = [name, param_type, value_type, value, default_value]
|
|
@@ -954,12 +744,12 @@ class TBERegOp(RegOp):
|
|
|
954
744
|
Register TBE op input information.
|
|
955
745
|
|
|
956
746
|
Args:
|
|
957
|
-
index (int): Order of the input. Default: ``None`` .
|
|
958
|
-
name (str): Name of the input. Default: ``None`` .
|
|
959
|
-
need_compile (bool): Whether the input needs to be compiled or not. Default: ``None`` .
|
|
960
|
-
param_type (str): Type of the input. Default: ``None`` .
|
|
961
|
-
shape (str): Shape of the input. Default: ``None`` .
|
|
962
|
-
value_depend (str): Whether the input is constant value depend. Default: ``None`` .
|
|
747
|
+
index (int, optional): Order of the input. Default: ``None`` .
|
|
748
|
+
name (str, optional): Name of the input. Default: ``None`` .
|
|
749
|
+
need_compile (bool, optional): Whether the input needs to be compiled or not. Default: ``None`` .
|
|
750
|
+
param_type (str, optional): Type of the input. Default: ``None`` .
|
|
751
|
+
shape (str, optional): Shape of the input. Default: ``None`` .
|
|
752
|
+
value_depend (str, optional): Whether the input is constant value depend. Default: ``None`` .
|
|
963
753
|
kwargs (dict): Other information of the input.
|
|
964
754
|
"""
|
|
965
755
|
param_list = [index, name, need_compile, param_type, shape, value_depend]
|
|
@@ -978,11 +768,11 @@ class TBERegOp(RegOp):
|
|
|
978
768
|
Register TBE op output information.
|
|
979
769
|
|
|
980
770
|
Args:
|
|
981
|
-
index (int): Order of the output. Default: ``None`` .
|
|
982
|
-
name (str): Name of the output. Default: ``None`` .
|
|
983
|
-
need_compile (bool): Whether the output needs to be compiled or not. Default: ``None`` .
|
|
984
|
-
param_type (str): Type of the output. Default: ``None`` .
|
|
985
|
-
shape (str): Shape of the output. Default: ``None`` .
|
|
771
|
+
index (int, optional): Order of the output. Default: ``None`` .
|
|
772
|
+
name (str, optional): Name of the output. Default: ``None`` .
|
|
773
|
+
need_compile (bool, optional): Whether the output needs to be compiled or not. Default: ``None`` .
|
|
774
|
+
param_type (str, optional): Type of the output. Default: ``None`` .
|
|
775
|
+
shape (str, optional): Shape of the output. Default: ``None`` .
|
|
986
776
|
kwargs (dict): Other information of the output.
|
|
987
777
|
"""
|
|
988
778
|
param_list = [index, name, need_compile, param_type, shape]
|
|
@@ -1000,7 +790,7 @@ class CustomRegOp(RegOp):
|
|
|
1000
790
|
attributes and target of `func`.
|
|
1001
791
|
|
|
1002
792
|
Args:
|
|
1003
|
-
op_name (str): kernel name. The name will be record in the reg_op_name attr of the kernel node.
|
|
793
|
+
op_name (str, optional): kernel name. The name will be record in the reg_op_name attr of the kernel node.
|
|
1004
794
|
Besides, the operator will generate a unique name automatically to identify the reg info.
|
|
1005
795
|
Default: ``"Custom"`` .
|
|
1006
796
|
|
|
@@ -1194,8 +984,6 @@ class CustomRegOp(RegOp):
|
|
|
1194
984
|
if isinstance(k, str) and k.endswith('_'):
|
|
1195
985
|
k = k.rstrip('_')
|
|
1196
986
|
op_info[k] = v
|
|
1197
|
-
if _get_reg_info_attr(op_info, "cust_aicpu"):
|
|
1198
|
-
_CustomInstaller(op_info).run()
|
|
1199
987
|
return op_info
|
|
1200
988
|
|
|
1201
989
|
|
|
@@ -21,7 +21,8 @@ A collection of operators to build neural networks or to compute functions.
|
|
|
21
21
|
|
|
22
22
|
from ._embedding_cache_ops import (CacheSwapTable, UpdateCache, MapCacheIdx, SubAndFilter,
|
|
23
23
|
MapUniform, DynamicAssign, PadAndShift)
|
|
24
|
-
from ._inner_ops import (MatmulDDS, DSDMatmul, Cummin,
|
|
24
|
+
from ._inner_ops import (MatmulDDS, DSDMatmul, Cummin,
|
|
25
|
+
ExtractImagePatches, SelectView, CopyWithSlice)
|
|
25
26
|
from ._ms_kernel import (ms_kernel, kernel)
|
|
26
27
|
from ._quant_ops import *
|
|
27
28
|
from ._thor_ops import (CusBatchMatMul, CusCholeskyTrsm, CusFusedAbsMax1, CusImg2Col, CusMatMulCubeDenseLeft,
|
|
@@ -41,15 +42,15 @@ from .array_ops import (ArgMaxWithValue, ArgMinWithValue, Argmax, Argmin, BatchT
|
|
|
41
42
|
ScatterUpdate, SearchSorted, Select, Shape, Size, Slice, Sort, SpaceToBatch, SpaceToBatchND,
|
|
42
43
|
SpaceToDepth, SparseGatherV2, Split, SplitV, Squeeze, Stack, StridedSlice, TensorScatterAdd,
|
|
43
44
|
TensorScatterDiv, TensorScatterMax, TensorScatterMin, TensorScatterMul, TensorScatterSub,
|
|
44
|
-
TensorScatterUpdate, TensorShape, Tile, TopK, TransShape, Transpose,
|
|
45
|
-
UniqueWithPad, UnsortedSegmentMax, UnsortedSegmentMin,
|
|
46
|
-
UnsortedSegmentSum, Unstack, UpperBound, Zeros, ZerosLike, AffineGrid,
|
|
47
|
-
HammingWindow, Identity, IdentityN, IndexFill, LeftShift, ListDiff,
|
|
48
|
-
MatrixDiagPartV3, MatrixDiagV3, MatrixSetDiagV3, NonZero, Expand,
|
|
49
|
-
FillDiagonal, Fills, ResizeNearestNeighborV2, RightShift,
|
|
50
|
-
ScatterNdMul, SegmentMean, SegmentProd, SegmentSum, SegmentMax, SegmentMin,
|
|
51
|
-
UniqueConsecutive, UnravelIndex, FillV2, CountNonZero, TensorScatterElements,
|
|
52
|
-
MaskedScatter)
|
|
45
|
+
TensorScatterUpdate, TensorShape, Tile, TopK, TransShape, Transpose, TransposeView,
|
|
46
|
+
TupleToArray, Unique, UniqueWithPad, UnsortedSegmentMax, UnsortedSegmentMin,
|
|
47
|
+
UnsortedSegmentProd, UnsortedSegmentSum, Unstack, UpperBound, Zeros, ZerosLike, AffineGrid,
|
|
48
|
+
Bincount, CheckNumerics, HammingWindow, Identity, IdentityN, IndexFill, LeftShift, ListDiff,
|
|
49
|
+
LogSpace, MatrixBandPart, MatrixDiagPartV3, MatrixDiagV3, MatrixSetDiagV3, NonZero, Expand,
|
|
50
|
+
Col2Im, ConjugateTranspose, FillDiagonal, Fills, ResizeNearestNeighborV2, RightShift,
|
|
51
|
+
ScatterAddWithAxis, ScatterNdMul, SegmentMean, SegmentProd, SegmentSum, SegmentMax, SegmentMin,
|
|
52
|
+
Tril, Triu, UniqueConsecutive, UnravelIndex, FillV2, CountNonZero, TensorScatterElements,
|
|
53
|
+
IndexPut, MaskedScatter, TypeAs, TransposeExtView)
|
|
53
54
|
from .comm_ops import (AllGather, AllReduce, Reduce, NeighborExchange, NeighborExchangeV2, AlltoAll, _AllSwap,
|
|
54
55
|
Broadcast, CollectiveGather, CollectiveScatter, Barrier, Send, Receive, BatchISendIRecv,
|
|
55
56
|
_MirrorOperator, _MirrorMiniStepOperator, _MiniStepAllGather, ReduceOp, _VirtualDataset,
|
|
@@ -57,8 +58,8 @@ from .comm_ops import (AllGather, AllReduce, Reduce, NeighborExchange, NeighborE
|
|
|
57
58
|
_HostAllGather, _HostReduceScatter, _MirrorMicroStepOperator, _MicroStepAllGather,
|
|
58
59
|
_VirtualPipelineEnd, AlltoAllV, ReduceScatter, _VirtualAssignKvCache)
|
|
59
60
|
from .control_ops import GeSwitch, Merge
|
|
60
|
-
from .custom_ops import (Custom)
|
|
61
|
-
from .debug_ops import (ImageSummary, InsertGradientOf, HookBackward, ScalarSummary,
|
|
61
|
+
from .custom_ops import (Custom, CustomOpBuilder)
|
|
62
|
+
from .debug_ops import (ImageSummary, InsertGradientOf, Morph, HookBackward, ScalarSummary,
|
|
62
63
|
TensorSummary, HistogramSummary, TensorDump, Print, Assert)
|
|
63
64
|
from .image_ops import (CropAndResize, NonMaxSuppressionV3, HSVToRGB, AdjustHue, AdjustSaturation,
|
|
64
65
|
NonMaxSuppressionWithOverlaps, ResizeArea, ResizeBilinearV2, ExtractGlimpse,
|
|
@@ -88,7 +89,7 @@ from .math_ops import (Abs, ACos, Asin, Asinh, AddN, AccumulateNV2, AssignAdd, A
|
|
|
88
89
|
NextAfter, Orgqr, Qr, RaggedRange, Digamma, Eig, EuclideanNorm, CompareAndBitpack, ComplexAbs,
|
|
89
90
|
CumulativeLogsumexp, Gcd, Polygamma, Trace, TridiagonalMatMul, TrilIndices, TriuIndices, Zeta,
|
|
90
91
|
Roll, Lgamma, Logit, MatrixSolveLs, Polar, Fmax, Fmin, Quantile, Sinc, Angle, Bernoulli,
|
|
91
|
-
NanToNum, Igamma, BesselI0, BesselI1, InplaceIndexAdd, Igammac, Ormqr)
|
|
92
|
+
NanToNum, Igamma, BesselI0, BesselI1, InplaceIndexAdd, Igammac, Ormqr, LerpScalar)
|
|
92
93
|
from .nn_ops import (LSTM, SGD, Adam, AdamWeightDecay, FusedSparseAdam, FusedSparseLazyAdam, AdamNoUpdateParam,
|
|
93
94
|
ApplyMomentum, BatchNorm, BiasAdd, Conv2D, Conv3D, Conv2DTranspose, Conv3DTranspose,
|
|
94
95
|
DepthwiseConv2dNative,
|
|
@@ -118,10 +119,10 @@ from .nn_ops import (LSTM, SGD, Adam, AdamWeightDecay, FusedSparseAdam, FusedSpa
|
|
|
118
119
|
FractionalMaxPool, FractionalMaxPool3DWithFixedKsize, FractionalMaxPoolWithFixedKsize,
|
|
119
120
|
GridSampler2D, TripletMarginLoss, UpsampleNearest3D, UpsampleTrilinear3D, PadV3, ChannelShuffle,
|
|
120
121
|
GLU, MaxUnpool3D, Pdist, RmsNorm, PagedAttention, PagedAttentionMask, ReshapeAndCache,
|
|
121
|
-
ApplyRotaryPosEmb)
|
|
122
|
+
ApplyRotaryPosEmb, GroupTopk)
|
|
122
123
|
from .other_ops import (Assign, IOU, BoundingBoxDecode, BoundingBoxEncode,
|
|
123
124
|
ConfusionMatrix, UpdateState, Load, StopGradient, Reusing,
|
|
124
|
-
CheckValid, Partial, Depend, Push, Pull, PyExecute, PyFunc, _DynamicLossScale,
|
|
125
|
+
CheckValid, Partial, Depend, MoveTo, Push, Pull, PyExecute, PyFunc, _DynamicLossScale,
|
|
125
126
|
SampleDistortedBoundingBoxV2)
|
|
126
127
|
from .random_ops import (RandomChoiceWithMask, StandardNormal, Gamma, RandomGamma, Poisson, UniformInt, UniformReal,
|
|
127
128
|
RandomCategorical, StandardLaplace, Multinomial, UniformCandidateSampler,
|
|
@@ -221,6 +222,8 @@ __all__ = [
|
|
|
221
222
|
'Reshape',
|
|
222
223
|
'Squeeze',
|
|
223
224
|
'Transpose',
|
|
225
|
+
'TransposeView',
|
|
226
|
+
'TransposeExtView',
|
|
224
227
|
'OneHot',
|
|
225
228
|
'GatherV2',
|
|
226
229
|
'Gather',
|
|
@@ -250,6 +253,7 @@ __all__ = [
|
|
|
250
253
|
'LayerNorm',
|
|
251
254
|
'Rank',
|
|
252
255
|
'Lerp',
|
|
256
|
+
'LerpScalar',
|
|
253
257
|
'Less',
|
|
254
258
|
'LessEqual',
|
|
255
259
|
'LowerBound',
|
|
@@ -301,6 +305,7 @@ __all__ = [
|
|
|
301
305
|
"Print",
|
|
302
306
|
"Assert",
|
|
303
307
|
'InsertGradientOf',
|
|
308
|
+
"Morph",
|
|
304
309
|
'HookBackward',
|
|
305
310
|
'InvertPermutation',
|
|
306
311
|
'Shape',
|
|
@@ -375,6 +380,7 @@ __all__ = [
|
|
|
375
380
|
'IOU',
|
|
376
381
|
'Partial',
|
|
377
382
|
'Depend',
|
|
383
|
+
'MoveTo',
|
|
378
384
|
'UpdateState',
|
|
379
385
|
'StopGradient',
|
|
380
386
|
'identity',
|
|
@@ -543,6 +549,7 @@ __all__ = [
|
|
|
543
549
|
"Send",
|
|
544
550
|
"Receive",
|
|
545
551
|
"Custom",
|
|
552
|
+
"CustomOpBuilder",
|
|
546
553
|
"LuSolve",
|
|
547
554
|
"CholeskyInverse",
|
|
548
555
|
"Cummax",
|
|
@@ -708,6 +715,7 @@ __all__ = [
|
|
|
708
715
|
"PagedAttentionMask",
|
|
709
716
|
"ReshapeAndCache",
|
|
710
717
|
"ApplyRotaryPosEmb",
|
|
718
|
+
"GroupTopk",
|
|
711
719
|
"RmsNorm",
|
|
712
720
|
"Reshard",
|
|
713
721
|
]
|