mindspore 2.4.10__cp39-cp39-win_amd64.whl → 2.6.0__cp39-cp39-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/__init__.py +13 -6
- mindspore/_c_dataengine.cp39-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp39-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp39-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/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/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/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/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/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/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/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 +564 -395
- {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
|
@@ -28,19 +28,20 @@ from mindspore.common import dtype as mstype
|
|
|
28
28
|
from mindspore.common.tensor import Tensor
|
|
29
29
|
from mindspore.ops._utils import get_broadcast_shape
|
|
30
30
|
from mindspore.ops.primitive import Primitive, PrimitiveWithInfer, PrimitiveWithCheck, prim_attr_register, _run_op
|
|
31
|
-
from mindspore._c_expression import
|
|
32
|
-
from ..auto_generate import (Add, Addcdiv, Addcmul, ReduceMean, ReduceSum, ReduceAll, ReduceAny,
|
|
31
|
+
from mindspore._c_expression import TensorPy as Tensor_
|
|
32
|
+
from ..auto_generate import (Add, Addcdiv, AddcdivExt, Addcmul, AddcmulExt, ReduceMean, ReduceSum, ReduceAll, ReduceAny,
|
|
33
33
|
ReduceMax, ReduceMin, ReduceProd, Betainc, Neg, MatMul, BatchMatMul,
|
|
34
|
-
Mul, Square, Rsqrt, Sqrt, Reciprocal, Pow, Exp,
|
|
34
|
+
Mul, Square, Rsqrt, Sqrt, Reciprocal, Pow, Exp, Cdist,
|
|
35
35
|
Logit, ReduceStd, Expm1, Log, Log1p, Erf, Erfc,
|
|
36
36
|
Minimum, RealDiv, FloorDiv, Floor, FloorMod, Ceil,
|
|
37
37
|
Acosh, Cosh, Asinh, Sinc, Sinh, Equal, NotEqual,
|
|
38
38
|
Greater, GreaterEqual, Gcd, LogicalNot, LogicalAnd, LogicalOr,
|
|
39
|
-
LogicalXor, Cos, ACos, Sin, Asin, Abs, Round, Atan, Atanh, Atan2,
|
|
39
|
+
LogicalXor, Cos, ACos, Sin, Asin, Abs, Round, Atan, Atanh, Atan2, AssignSub,
|
|
40
40
|
LinSpace, MatrixDeterminant, LogMatrixDeterminant, Erfinv, Conj,
|
|
41
41
|
Real, Complex, Angle, MatrixExp, CholeskyInverse, Trace, Cholesky, Cross,
|
|
42
42
|
FFTWithSize, NextAfter, NanToNum, Eig, Qr, Roll, Maximum, Div, DivMod, CumProd,
|
|
43
|
-
CumSum, Less, LessEqual, AssignAdd, IsFinite, IsClose, TanhGrad, Xlogy, Trunc, Sign
|
|
43
|
+
CumSum, Less, LessEqual, AssignAdd, IsFinite, IsClose, TanhGrad, Xlogy, Trunc, Sign, Polar,
|
|
44
|
+
IsInf, Lerp, LerpScalar)
|
|
44
45
|
|
|
45
46
|
|
|
46
47
|
def _infer_shape_reduce(x, axis, keep_dims, prim_name):
|
|
@@ -250,58 +251,6 @@ class AddV2(Primitive):
|
|
|
250
251
|
self.init_prim_io_names(inputs=['x', 'y'], outputs=['output'])
|
|
251
252
|
|
|
252
253
|
|
|
253
|
-
class AssignSub(Primitive):
|
|
254
|
-
"""
|
|
255
|
-
Updates a `Parameter` by subtracting a value from it.
|
|
256
|
-
|
|
257
|
-
Refer to :func:`mindspore.ops.assign_sub` for more details.
|
|
258
|
-
|
|
259
|
-
Inputs:
|
|
260
|
-
- **variable** (Parameter) - The `Parameter`.
|
|
261
|
-
:math:`(N,*)` where :math:`*` means, any number of additional dimensions, its rank be should be less than 8.
|
|
262
|
-
- **value** (Union[numbers.Number, Tensor]) - The value to be subtracted from the `variable`.
|
|
263
|
-
It must have the same shape as `variable` if it is a Tensor.
|
|
264
|
-
|
|
265
|
-
Outputs:
|
|
266
|
-
Tensor, has the same data type and shape as original `variable`.
|
|
267
|
-
|
|
268
|
-
Supported Platforms:
|
|
269
|
-
``Ascend`` ``GPU`` ``CPU``
|
|
270
|
-
|
|
271
|
-
Examples:
|
|
272
|
-
>>> import mindspore
|
|
273
|
-
>>> import numpy as np
|
|
274
|
-
>>> from mindspore import Tensor, ops, nn
|
|
275
|
-
>>> from mindspore.common.initializer import initializer
|
|
276
|
-
>>> class Net(nn.Cell):
|
|
277
|
-
... def __init__(self):
|
|
278
|
-
... super(Net, self).__init__()
|
|
279
|
-
... self.AssignSub = ops.AssignSub()
|
|
280
|
-
... self.variable = mindspore.Parameter(initializer(1, [1], mindspore.int32), name="global_step")
|
|
281
|
-
...
|
|
282
|
-
... def construct(self, x):
|
|
283
|
-
... self.AssignSub(self.variable, x)
|
|
284
|
-
... return self.variable
|
|
285
|
-
...
|
|
286
|
-
>>> net = Net()
|
|
287
|
-
>>> value = Tensor(np.ones([1]).astype(np.int32)*100)
|
|
288
|
-
>>> output = net(value)
|
|
289
|
-
>>> print(net.variable.asnumpy())
|
|
290
|
-
[-99]
|
|
291
|
-
"""
|
|
292
|
-
|
|
293
|
-
__mindspore_signature__ = (
|
|
294
|
-
sig.make_sig('val', sig.sig_rw.RW_WRITE, dtype=sig.sig_dtype.T),
|
|
295
|
-
sig.make_sig('value', dtype=sig.sig_dtype.T)
|
|
296
|
-
)
|
|
297
|
-
|
|
298
|
-
@prim_attr_register
|
|
299
|
-
def __init__(self):
|
|
300
|
-
"""Initialize AssignSub"""
|
|
301
|
-
self.init_prim_io_names(inputs=['val', 'value'], outputs=['val'])
|
|
302
|
-
self.add_prim_attr('side_effect_mem', True)
|
|
303
|
-
|
|
304
|
-
|
|
305
254
|
class _Reduce(PrimitiveWithCheck):
|
|
306
255
|
"""
|
|
307
256
|
Definition of base class of reduction class operators.
|
|
@@ -551,50 +500,6 @@ class Lcm(Primitive):
|
|
|
551
500
|
self.init_prim_io_names(inputs=['x1', 'x2'], outputs=['y'])
|
|
552
501
|
|
|
553
502
|
|
|
554
|
-
class Cdist(Primitive):
|
|
555
|
-
"""
|
|
556
|
-
Computes batched the p-norm distance between each pair of the two collections of row vectors.
|
|
557
|
-
|
|
558
|
-
Refer to :func:`mindspore.ops.cdist` for more details.
|
|
559
|
-
|
|
560
|
-
Args:
|
|
561
|
-
p (float, optional): P value for the p-norm distance to calculate between each vector pair, P ∈ [0,∞].
|
|
562
|
-
Default: ``2.0`` .
|
|
563
|
-
|
|
564
|
-
Inputs:
|
|
565
|
-
- **input_x** (Tensor) - Input tensor of shape :math:`(B, P, M)`.
|
|
566
|
-
When :math:`B` is equal to 0, it means this dimension can be ignored,
|
|
567
|
-
i.e. shape of the tensor is :math:`(P, M)`.
|
|
568
|
-
- **input_y** (Tensor) - Input tensor of shape :math:`(B, R, M)` with the same dtype as `input_x`.
|
|
569
|
-
|
|
570
|
-
Outputs:
|
|
571
|
-
Tensor, has the same dtype as `input_x`, which shape is :math:`(B, P, R)`.
|
|
572
|
-
|
|
573
|
-
Supported Platforms:
|
|
574
|
-
``Ascend`` ``GPU`` ``CPU``
|
|
575
|
-
|
|
576
|
-
Examples:
|
|
577
|
-
>>> import numpy as np
|
|
578
|
-
>>> import mindspore
|
|
579
|
-
>>> from mindspore import Tensor, ops
|
|
580
|
-
>>> input_x = Tensor(np.array([[[1.0, 1.0], [2.0, 2.0]]]).astype(np.float32))
|
|
581
|
-
>>> input_y = Tensor(np.array([[[3.0, 3.0], [3.0, 3.0]]]).astype(np.float32))
|
|
582
|
-
>>> op = ops.Cdist(p=2.0)
|
|
583
|
-
>>> output = op(input_x, input_y)
|
|
584
|
-
>>> print(output)
|
|
585
|
-
[[[2.8284273 2.8284273]
|
|
586
|
-
[1.4142137 1.4142137]]]
|
|
587
|
-
"""
|
|
588
|
-
|
|
589
|
-
@prim_attr_register
|
|
590
|
-
def __init__(self, p=2.0):
|
|
591
|
-
"""Initialize Cdist"""
|
|
592
|
-
validator.check_value_type("p", p, [float], self.name)
|
|
593
|
-
if (p < 0 or np.isnan(p)):
|
|
594
|
-
raise ValueError('Cdist p must be a non-negative value, but got `{p}`.')
|
|
595
|
-
self.init_prim_io_names(inputs=['input_x', 'input_y'], outputs=['output'])
|
|
596
|
-
|
|
597
|
-
|
|
598
503
|
class LpNorm(Primitive):
|
|
599
504
|
r"""
|
|
600
505
|
Return the p-norm of a matrix or vector.
|
|
@@ -874,8 +779,8 @@ class InplaceIndexAdd(Primitive):
|
|
|
874
779
|
axis (int): The dimension along which to index. It should be in range :math:`[0, len(var.dim))`.
|
|
875
780
|
|
|
876
781
|
Inputs:
|
|
877
|
-
- **var** (Parameter) - The input Parameter to add to, with data type uint8, int8,
|
|
878
|
-
float16, float32, float64.
|
|
782
|
+
- **var** (Union[Parameter, Tensor]) - The input Parameter or Tensor to add to, with data type uint8, int8,
|
|
783
|
+
int16, int32, float16, float32, float64.
|
|
879
784
|
- **indices** (Tensor) - The indies along `axis` to perform the addition. A 1D Tensor
|
|
880
785
|
of shape :math:`(updates.shape[axis],)`, every value of it
|
|
881
786
|
should be in range :math:`[0, var.shape[axis])` with data type int32.
|
|
@@ -914,6 +819,7 @@ class InplaceIndexAdd(Primitive):
|
|
|
914
819
|
"""Initialize InplaceIndexAdd"""
|
|
915
820
|
self.init_prim_io_names(inputs=['var', 'indices', 'updates'], outputs=['var'])
|
|
916
821
|
self.axis = axis
|
|
822
|
+
self.add_prim_attr('side_effect_mem', True)
|
|
917
823
|
validator.check_value_type('axis', axis, [int], self.name)
|
|
918
824
|
|
|
919
825
|
|
|
@@ -1223,7 +1129,7 @@ class Histogram(Primitive):
|
|
|
1223
1129
|
class HistogramFixedWidth(PrimitiveWithInfer):
|
|
1224
1130
|
"""
|
|
1225
1131
|
Returns a rank 1 histogram counting the number of entries in values that fall into every bin. The bins are equal
|
|
1226
|
-
width and determined by the
|
|
1132
|
+
width and determined by the input `range` and the argument `nbins`.
|
|
1227
1133
|
|
|
1228
1134
|
Args:
|
|
1229
1135
|
nbins (int): The number of histogram bins, the type is a positive integer.
|
|
@@ -1444,7 +1350,7 @@ class MulNoNan(_MathBinaryOp):
|
|
|
1444
1350
|
int32, int64, float16, float32, float64, complex64, complex128 currently or scalar.
|
|
1445
1351
|
|
|
1446
1352
|
Outputs:
|
|
1447
|
-
Tensor, the shape is the same as the shape after broadcasting,
|
|
1353
|
+
Tensor, the shape is the same as the shape of input Tensor after broadcasting,
|
|
1448
1354
|
and the data type is the one with higher precision among the two inputs.
|
|
1449
1355
|
|
|
1450
1356
|
Raises:
|
|
@@ -1830,7 +1736,8 @@ class ApproximateEqual(_LogicBinaryOp):
|
|
|
1830
1736
|
the relatively highest precision data type.
|
|
1831
1737
|
|
|
1832
1738
|
Args:
|
|
1833
|
-
tolerance (float): The maximum deviation that two elements can be considered equal.
|
|
1739
|
+
tolerance (float, optional): The maximum deviation that two elements can be considered equal.
|
|
1740
|
+
Default: ``1e-05`` .
|
|
1834
1741
|
|
|
1835
1742
|
Inputs:
|
|
1836
1743
|
- **x** (Tensor) - A tensor. Must be one of the following types: float32, float16.
|
|
@@ -1907,41 +1814,6 @@ class EqualCount(PrimitiveWithInfer):
|
|
|
1907
1814
|
self.init_prim_io_names(inputs=['x', 'y'], outputs=['output'])
|
|
1908
1815
|
|
|
1909
1816
|
|
|
1910
|
-
class Lerp(Primitive):
|
|
1911
|
-
"""
|
|
1912
|
-
Does a linear interpolation of two tensors start and end based on a float or tensor weight.
|
|
1913
|
-
|
|
1914
|
-
Refer to :func:`mindspore.ops.lerp` for more details.
|
|
1915
|
-
|
|
1916
|
-
Inputs:
|
|
1917
|
-
- **start** (Tensor) - The tensor with the starting points. Data type must be float16, float32 or float64.
|
|
1918
|
-
- **end** (Tensor) - The tensor with the ending points. Data type must be the same as `start`.
|
|
1919
|
-
- **weight** (Union[float, Tensor]) - The weight for the interpolation formula. Must be a float
|
|
1920
|
-
or a scalar tensor with float16 or float32 data type.
|
|
1921
|
-
|
|
1922
|
-
Outputs:
|
|
1923
|
-
Tensor, has the same type and shape as input `start`.
|
|
1924
|
-
|
|
1925
|
-
Supported Platforms:
|
|
1926
|
-
``Ascend`` ``GPU`` ``CPU``
|
|
1927
|
-
|
|
1928
|
-
Examples:
|
|
1929
|
-
>>> import mindspore
|
|
1930
|
-
>>> import numpy as np
|
|
1931
|
-
>>> from mindspore import Tensor, ops
|
|
1932
|
-
>>> start = Tensor(np.array([1., 2., 3., 4.]), mindspore.float32)
|
|
1933
|
-
>>> end = Tensor(np.array([10., 10., 10., 10.]), mindspore.float32)
|
|
1934
|
-
>>> lerp = ops.Lerp()
|
|
1935
|
-
>>> output = lerp(start, end, 0.5)
|
|
1936
|
-
>>> print(output)
|
|
1937
|
-
[5.5 6. 6.5 7. ]
|
|
1938
|
-
"""
|
|
1939
|
-
|
|
1940
|
-
@prim_attr_register
|
|
1941
|
-
def __init__(self):
|
|
1942
|
-
self.init_prim_io_names(inputs=['start', 'end', 'weight'], outputs=['output'])
|
|
1943
|
-
|
|
1944
|
-
|
|
1945
1817
|
class IsNan(Primitive):
|
|
1946
1818
|
r"""
|
|
1947
1819
|
Determines which elements are NaN for each position.
|
|
@@ -1978,42 +1850,6 @@ class IsNan(Primitive):
|
|
|
1978
1850
|
self.init_prim_io_names(inputs=['x'], outputs=['output'])
|
|
1979
1851
|
|
|
1980
1852
|
|
|
1981
|
-
class IsInf(Primitive):
|
|
1982
|
-
r"""
|
|
1983
|
-
Determines which elements are inf or -inf for each position.
|
|
1984
|
-
|
|
1985
|
-
Refer to :func:`mindspore.ops.isinf` for more details.
|
|
1986
|
-
|
|
1987
|
-
Inputs:
|
|
1988
|
-
- **x** (Tensor) - The input tensor.
|
|
1989
|
-
|
|
1990
|
-
Outputs:
|
|
1991
|
-
Tensor, has the same shape of input, and the dtype is bool.
|
|
1992
|
-
|
|
1993
|
-
Supported Platforms:
|
|
1994
|
-
``Ascend`` ``GPU`` ``CPU``
|
|
1995
|
-
|
|
1996
|
-
Examples:
|
|
1997
|
-
>>> import mindspore
|
|
1998
|
-
>>> import numpy as np
|
|
1999
|
-
>>> from mindspore import Tensor, ops
|
|
2000
|
-
>>> is_inf = ops.IsInf()
|
|
2001
|
-
>>> x = Tensor(np.array([np.log(-1), 1, np.log(0)]), mindspore.float32)
|
|
2002
|
-
>>> output = is_inf(x)
|
|
2003
|
-
>>> print(output)
|
|
2004
|
-
[False False True]
|
|
2005
|
-
>>> x = Tensor(2.1, mindspore.float64)
|
|
2006
|
-
>>> output = is_inf(x)
|
|
2007
|
-
>>> print(output)
|
|
2008
|
-
False
|
|
2009
|
-
"""
|
|
2010
|
-
|
|
2011
|
-
@prim_attr_register
|
|
2012
|
-
def __init__(self):
|
|
2013
|
-
"""Initialize IsInf"""
|
|
2014
|
-
self.init_prim_io_names(inputs=['x'], outputs=['output'])
|
|
2015
|
-
|
|
2016
|
-
|
|
2017
1853
|
class FloatStatus(Primitive):
|
|
2018
1854
|
"""
|
|
2019
1855
|
Determines if the elements contain Not a Number(NaN), infinite or negative infinite. 0 for normal, 1 for overflow.
|
|
@@ -2080,17 +1916,17 @@ class NPUAllocFloatStatus(Primitive):
|
|
|
2080
1916
|
|
|
2081
1917
|
class NPUGetFloatStatus(Primitive):
|
|
2082
1918
|
"""
|
|
2083
|
-
|
|
1919
|
+
:class:`mindspore.ops.NPUGetFloatStatus` updates the flag which is
|
|
2084
1920
|
the output tensor of :class:`mindspore.ops.NPUAllocFloatStatus` with the latest overflow status.
|
|
2085
1921
|
|
|
2086
|
-
|
|
2087
1922
|
Note:
|
|
2088
1923
|
The flag is a tensor whose shape is :math:`(8,)` and data type is `mindspore.dtype.float32`.
|
|
2089
1924
|
If the sum of the flag equals to 0, there is no overflow happened. If the sum of the
|
|
2090
1925
|
flag is bigger than 0, there is overflow happened.
|
|
2091
1926
|
In addition, there are strict sequencing requirements for use, i.e., before
|
|
2092
1927
|
using the NPUGetFloatStatus operator, need to ensure that the NPUClearFlotStatus
|
|
2093
|
-
and your compute has been executed. We use :class:`mindspore.ops.Depend`
|
|
1928
|
+
and your compute has been executed. We use :class:`mindspore.ops.Depend`
|
|
1929
|
+
to ensure the correct execution order.
|
|
2094
1930
|
|
|
2095
1931
|
Inputs:
|
|
2096
1932
|
- **x** (Tensor) - The output tensor of `NPUAllocFloatStatus`.
|
|
@@ -2098,7 +1934,7 @@ class NPUGetFloatStatus(Primitive):
|
|
|
2098
1934
|
:math:`(N,*)` where :math:`*` means, any number of additional dimensions, its rank should be less than 8.
|
|
2099
1935
|
|
|
2100
1936
|
Outputs:
|
|
2101
|
-
Tensor, has the same shape as `x`.
|
|
1937
|
+
Tensor, has the same shape as `x`.
|
|
2102
1938
|
|
|
2103
1939
|
Raises:
|
|
2104
1940
|
TypeError: If `x` is not a Tensor.
|
|
@@ -2608,6 +2444,9 @@ class BitwiseXor(_BitwiseBinaryOp):
|
|
|
2608
2444
|
r"""
|
|
2609
2445
|
Returns bitwise `xor` of two tensors element-wise.
|
|
2610
2446
|
|
|
2447
|
+
.. warning::
|
|
2448
|
+
This API has poor performance on CPU and it is recommended to run it on the Ascend/GPU.
|
|
2449
|
+
|
|
2611
2450
|
Refer to :func:`mindspore.ops.bitwise_xor` for more details.
|
|
2612
2451
|
|
|
2613
2452
|
Inputs:
|
|
@@ -3426,7 +3265,7 @@ class IndexAdd(Primitive):
|
|
|
3426
3265
|
don't check index boundary. Default: ``True`` .
|
|
3427
3266
|
|
|
3428
3267
|
Inputs:
|
|
3429
|
-
- **x** (Parameter) - The input Parameter to add to.
|
|
3268
|
+
- **x** (Union[Parameter, Tensor]) - The input Parameter or Tensor to add to.
|
|
3430
3269
|
- **indices** (Tensor) - Add the value of `x` and `y` along the dimension of the `axis` according to the
|
|
3431
3270
|
specified index value, with data type int32.
|
|
3432
3271
|
The `indices` must be 1D with the same size as the size of `y` in the `axis` dimension. The values
|
|
@@ -3438,7 +3277,6 @@ class IndexAdd(Primitive):
|
|
|
3438
3277
|
Tensor, has the same shape and dtype as `x`.
|
|
3439
3278
|
|
|
3440
3279
|
Raises:
|
|
3441
|
-
TypeError: If `x` is not a Parameter.
|
|
3442
3280
|
TypeError: If neither `indices` nor `y` is a Tensor.
|
|
3443
3281
|
ValueError: If axis is out of `x` rank's range.
|
|
3444
3282
|
ValueError: If `x` rank is not the same as `y` rank.
|
|
@@ -3550,9 +3388,8 @@ class Imag(Primitive):
|
|
|
3550
3388
|
|
|
3551
3389
|
Examples:
|
|
3552
3390
|
>>> import mindspore
|
|
3553
|
-
>>>
|
|
3554
|
-
>>>
|
|
3555
|
-
>>> x = Tensor(np.asarray(np.complex(1.3+0.4j)), mindspore.complex64)
|
|
3391
|
+
>>> from mindspore import ops
|
|
3392
|
+
>>> x = mindspore.tensor(1.3+0.4j, mindspore.complex64)
|
|
3556
3393
|
>>> imag = ops.Imag()
|
|
3557
3394
|
>>> output = imag(x)
|
|
3558
3395
|
>>> print(output)
|
|
@@ -4053,8 +3890,8 @@ class Digamma(Primitive):
|
|
|
4053
3890
|
Tensor, has the same dtype as `x`.
|
|
4054
3891
|
|
|
4055
3892
|
Raises:
|
|
4056
|
-
TypeError: If x is not a Tensor.
|
|
4057
|
-
TypeError: If dtype of input x is not float16 or float32 or float64.
|
|
3893
|
+
TypeError: If `x` is not a Tensor.
|
|
3894
|
+
TypeError: If dtype of input `x` is not float16 or float32 or float64.
|
|
4058
3895
|
|
|
4059
3896
|
Supported Platforms:
|
|
4060
3897
|
``GPU`` ``CPU``
|
|
@@ -4206,7 +4043,10 @@ class Median(Primitive):
|
|
|
4206
4043
|
axis (int, optional): The specified dimension to compute median. Default: ``0`` .
|
|
4207
4044
|
keep_dims (bool, optional): Whether the output tensor need to retain `axis` dimension or not.
|
|
4208
4045
|
Default: ``False`` .
|
|
4209
|
-
ignore_nan (bool, optional): Whether to ignore the NaN values in input Tensor.
|
|
4046
|
+
ignore_nan (bool, optional): Whether to ignore the ``NaN`` values in input Tensor. When ``False``, if the
|
|
4047
|
+
input range (determined by `global_median`) contains a ``NaN`` value, the corresponding element of
|
|
4048
|
+
`values` is ``NaN``. When ``True``, calculates the median of the remaining elements after excluding
|
|
4049
|
+
``NaN``. Default: ``False`` .
|
|
4210
4050
|
|
|
4211
4051
|
Inputs:
|
|
4212
4052
|
- **x** (Tensor) - A Tensor to calculate median with.
|
|
@@ -4595,51 +4435,9 @@ class CholeskySolve(Primitive):
|
|
|
4595
4435
|
validator.check_value_type('upper', upper, [bool], self.name)
|
|
4596
4436
|
|
|
4597
4437
|
|
|
4598
|
-
class Polar(Primitive):
|
|
4599
|
-
r"""
|
|
4600
|
-
Converts polar coordinates to Cartesian coordinates.
|
|
4601
|
-
|
|
4602
|
-
Refer to :func:`mindspore.ops.polar` for more details.
|
|
4603
|
-
|
|
4604
|
-
Inputs:
|
|
4605
|
-
- **abs** (Tensor) - Radial distance. Tensor of any dimension,
|
|
4606
|
-
must be one of the following types: float32, float64.
|
|
4607
|
-
|
|
4608
|
-
- **angle** (Tensor) - Polar angle. It has the same shape and dtype as `abs`.
|
|
4609
|
-
|
|
4610
|
-
Outputs:
|
|
4611
|
-
Tensor, has the same shape and data type as `abs`.
|
|
4612
|
-
|
|
4613
|
-
Supported Platforms:
|
|
4614
|
-
``GPU`` ``CPU``
|
|
4615
|
-
|
|
4616
|
-
Examples:
|
|
4617
|
-
>>> import mindspore
|
|
4618
|
-
>>> import numpy as np
|
|
4619
|
-
>>> from mindspore import Tensor, ops
|
|
4620
|
-
>>> polar = ops.Polar()
|
|
4621
|
-
>>> x1 = Tensor(np.array([1, 2]), mindspore.float64)
|
|
4622
|
-
>>> x2 = Tensor(np.array([3, 4]), mindspore.float64)
|
|
4623
|
-
>>> output = polar(x1, x2)
|
|
4624
|
-
>>> print(output)
|
|
4625
|
-
[-0.9899925 +0.14112001j -1.30728724-1.51360499j]
|
|
4626
|
-
>>> x1 = Tensor(2.1, mindspore.float32)
|
|
4627
|
-
>>> x2 = Tensor(2.1, mindspore.float32)
|
|
4628
|
-
>>> output = polar(x1, x2)
|
|
4629
|
-
>>> print(output)
|
|
4630
|
-
(-1.0601766+1.8127397j)
|
|
4631
|
-
"""
|
|
4632
|
-
|
|
4633
|
-
@prim_attr_register
|
|
4634
|
-
def __init__(self):
|
|
4635
|
-
"""Initialize Polar"""
|
|
4636
|
-
self.init_prim_io_names(inputs=['abs', 'angle'], outputs=['y'])
|
|
4637
|
-
|
|
4638
|
-
|
|
4639
4438
|
class TrilIndices(Primitive):
|
|
4640
4439
|
r"""
|
|
4641
|
-
|
|
4642
|
-
and returns them as a 2-by-N Tensor.
|
|
4440
|
+
Computes the indices of the lower triangular elements of a 2D matrix and returns them as a Tensor.
|
|
4643
4441
|
|
|
4644
4442
|
.. warning::
|
|
4645
4443
|
This is an experimental API that is subject to change or deletion.
|
|
@@ -4840,9 +4638,9 @@ class TriuIndices(Primitive):
|
|
|
4840
4638
|
An optional data type of ``mstype.int32`` and ``mstype.int64`` . Default: ``mstype.int32`` .
|
|
4841
4639
|
|
|
4842
4640
|
Outputs:
|
|
4843
|
-
- **y** (Tensor) - indices of the elements in
|
|
4641
|
+
- **y** (Tensor) - indices of the elements in upper triangular part of matrix. The type specified by `dtype`.
|
|
4844
4642
|
The shape of output is :math:`(2, tril\_size)`, where :math:`tril\_size` is the number of elements in the
|
|
4845
|
-
|
|
4643
|
+
upper triangular matrix.
|
|
4846
4644
|
|
|
4847
4645
|
Supported Platforms:
|
|
4848
4646
|
``Ascend`` ``GPU`` ``CPU``
|