mindspore 2.4.10__cp311-cp311-win_amd64.whl → 2.6.0rc1__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 +46 -197
- mindspore/_extends/parse/resources.py +1 -5
- mindspore/_extends/parse/standard_method.py +217 -98
- 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 +435 -371
- 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 +2 -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 +951 -1992
- 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 +314 -566
- 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 +182 -116
- 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 +211 -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 +157 -117
- 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 +796 -759
- 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 +921 -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 +1370 -189
- 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 +22 -17
- 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 +17 -13
- mindspore/nn/optim/adamax.py +8 -7
- mindspore/nn/optim/adasum.py +5 -5
- mindspore/nn/optim/asgd.py +1 -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 +365 -363
- 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 +27 -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 +236 -46
- mindspore/ops/auto_generate/gen_extend_func.py +764 -124
- mindspore/ops/auto_generate/gen_ops_def.py +4018 -2264
- mindspore/ops/auto_generate/gen_ops_prim.py +15463 -5037
- 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 +4501 -3802
- mindspore/ops/function/nn_func.py +1726 -620
- mindspore/ops/function/other_func.py +159 -1
- mindspore/ops/function/parameter_func.py +18 -84
- mindspore/ops/function/random_func.py +440 -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 +24 -17
- mindspore/ops/functional.py +22 -7
- mindspore/ops/functional_overload.py +1440 -0
- mindspore/ops/op_info_register.py +32 -244
- mindspore/ops/operations/__init__.py +13 -7
- mindspore/ops/operations/_custom_ops_utils.py +247 -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 +232 -78
- mindspore/ops/operations/debug_ops.py +153 -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 +210 -498
- 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 +1888 -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 +299 -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 +152 -34
- mindspore/parallel/_cell_wrapper.py +130 -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 +698 -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 +259 -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 -58
- mindspore/parallel/transform_safetensors.py +363 -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 +106 -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 +409 -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 +88 -25
- 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} +204 -107
- 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 +184 -113
- 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 +550 -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.0rc1.dist-info}/METADATA +3 -3
- {mindspore-2.4.10.dist-info → mindspore-2.6.0rc1.dist-info}/RECORD +587 -418
- {mindspore-2.4.10.dist-info → mindspore-2.6.0rc1.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.0rc1.dist-info}/WHEEL +0 -0
- {mindspore-2.4.10.dist-info → mindspore-2.6.0rc1.dist-info}/top_level.txt +0 -0
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# Copyright 2023 Huawei Technologies Co., Ltd
|
|
1
|
+
# Copyright 2023-2025 Huawei Technologies Co., Ltd
|
|
2
2
|
#
|
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
4
|
# you may not use this file except in compliance with the License.
|
|
@@ -13,30 +13,12 @@
|
|
|
13
13
|
# limitations under the License.
|
|
14
14
|
# ============================================================================
|
|
15
15
|
"""Defines parameter operators with functional form."""
|
|
16
|
-
from mindspore.
|
|
17
|
-
from mindspore.ops._primitive_cache import _get_cache_prim
|
|
18
|
-
from mindspore.parallel.shard import Layout
|
|
19
|
-
from mindspore.common.tensor import Tensor
|
|
16
|
+
from mindspore.parallel.function.reshard_func import reshard as new_reshard
|
|
20
17
|
|
|
21
18
|
|
|
22
19
|
def reshard(tensor, layout):
|
|
23
20
|
r"""
|
|
24
|
-
Specify the tensor by the given layout.
|
|
25
|
-
can check :class:`mindspore.Layout` for reference.
|
|
26
|
-
|
|
27
|
-
- In the Graph mode, this function can set the sharding propagation strategy of a tensor.
|
|
28
|
-
For those tensor do not manually be set, their strategies are decided by the sharding
|
|
29
|
-
strategy propagation algorithm automatically.
|
|
30
|
-
- In the PyNative mode, this function can set a tensor sharding strategy in a Cell that
|
|
31
|
-
runs in the Graph mode (i.e. inside the Cell processed by Cell.shard/F.shard).
|
|
32
|
-
|
|
33
|
-
Note:
|
|
34
|
-
- In the auto parallel mode, an exception will throw if the search mode is not
|
|
35
|
-
"sharding_propagation".
|
|
36
|
-
- In the semi-auto parallel mode, the parallel mode will automatically switch to auto
|
|
37
|
-
parallel mode with the search mode be set to "sharding_propagation".
|
|
38
|
-
- Currently, configuring multi-dimension and multi-copy reshard strategy in
|
|
39
|
-
mindspore.Layout is not supported.
|
|
21
|
+
Specify the tensor by the given layout.
|
|
40
22
|
|
|
41
23
|
Args:
|
|
42
24
|
tensor (Tensor): The tensor to be set the sharding strategy.
|
|
@@ -46,56 +28,8 @@ def reshard(tensor, layout):
|
|
|
46
28
|
|
|
47
29
|
Returns:
|
|
48
30
|
Tensor. The mathematically equivalent of the input tensor.
|
|
49
|
-
|
|
50
|
-
Raises:
|
|
51
|
-
TypeError: Reshard takes in Tensor type as the first input param, but got: `type(tensor)`.
|
|
52
|
-
TypeError: Reshard only support type mindspore.Layout but got: `type(layout)`.
|
|
53
|
-
|
|
54
|
-
Examples:
|
|
55
|
-
>>> import numpy as np
|
|
56
|
-
>>> import mindspore as ms
|
|
57
|
-
>>> from mindspore import ops, nn, Tensor, context, Layout
|
|
58
|
-
>>> context.set_context(mode=ms.GRAPH_MODE)
|
|
59
|
-
>>> context.set_auto_parallel_context(parallel_mode=ms.ParallelMode.AUTO_PARALLEL,
|
|
60
|
-
... search_mode="sharding_propagation")
|
|
61
|
-
>>> class Network(nn.Cell):
|
|
62
|
-
... def __init__(self):
|
|
63
|
-
... super().__init__()
|
|
64
|
-
... self.matmul = ops.MatMul()
|
|
65
|
-
... self.relu = ops.ReLU()
|
|
66
|
-
... def construct(self, x, layout):
|
|
67
|
-
... x = self.relu(x)
|
|
68
|
-
... x_reshard = ops.reshard(x, layout)
|
|
69
|
-
... y = Tensor(np.ones(shape=(128, 128)), dtype=ms.float32)
|
|
70
|
-
... x = self.matmul(x_reshard, y)
|
|
71
|
-
... return x
|
|
72
|
-
>>>
|
|
73
|
-
>>> layout = Layout((4, 2), ("dp", "mp"))
|
|
74
|
-
>>> input_layout = layout("dp", "mp")
|
|
75
|
-
>>> net = Network()
|
|
76
|
-
>>> tensor = Tensor(np.ones(shape=(128, 128)), dtype=ms.float32)
|
|
77
|
-
>>> out = net(tensor, input_layout)
|
|
78
31
|
"""
|
|
79
|
-
|
|
80
|
-
raise TypeError(f"Reshard takes in Tensor type as the first input param, but got: {type(tensor)}.")
|
|
81
|
-
if not isinstance(layout, Layout):
|
|
82
|
-
raise TypeError(f"Reshard only support type mindspore.Layout, but got: {type(layout)}.")
|
|
83
|
-
|
|
84
|
-
def layout_to_tuple(layout):
|
|
85
|
-
layout_dict = layout.to_dict()
|
|
86
|
-
tensor_map = layout_dict["tensor_map"]
|
|
87
|
-
device_matrix_rev = layout_dict["device_matrix"][::-1]
|
|
88
|
-
axis_stgy = ()
|
|
89
|
-
for ind in tensor_map:
|
|
90
|
-
if ind == -1:
|
|
91
|
-
axis_stgy += (1,)
|
|
92
|
-
else:
|
|
93
|
-
axis_stgy += (device_matrix_rev[ind],)
|
|
94
|
-
return axis_stgy
|
|
95
|
-
|
|
96
|
-
in_strategy = layout_to_tuple(layout)
|
|
97
|
-
_reshard = _get_cache_prim(P.Reshard)(in_layout=(layout,), out_layout=(layout,), in_strategy=(in_strategy,))
|
|
98
|
-
return _reshard(tensor)
|
|
32
|
+
return new_reshard(tensor, layout)
|
|
99
33
|
|
|
100
34
|
__all__ = [
|
|
101
35
|
'reshard'
|
|
@@ -461,8 +461,8 @@ def dense_to_sparse_coo(tensor: Tensor) -> COOTensor:
|
|
|
461
461
|
- shape (tuple(int)): the shape of the COOTensor, is the same as the original dense tensor.
|
|
462
462
|
|
|
463
463
|
Raises:
|
|
464
|
-
TypeError: If
|
|
465
|
-
ValueError: If
|
|
464
|
+
TypeError: If `tensor` is not a tensor.
|
|
465
|
+
ValueError: If `tensor` is not 2-D.
|
|
466
466
|
|
|
467
467
|
Supported Platforms:
|
|
468
468
|
``GPU``
|
|
@@ -798,7 +798,7 @@ def csr_add(a: CSRTensor, b: CSRTensor, alpha: Tensor, beta: Tensor) -> CSRTenso
|
|
|
798
798
|
|
|
799
799
|
- **indptr** - Indicates the start and end point for non-zero values in each row.
|
|
800
800
|
- **indices** - The column positions of all non-zero values of the input.
|
|
801
|
-
- **values** - The non-zero values
|
|
801
|
+
- **values** - The non-zero values.
|
|
802
802
|
- **shape** - The shape of the CSRTensor.
|
|
803
803
|
|
|
804
804
|
Supported Platforms:
|
|
@@ -674,7 +674,7 @@ def csr_sqrt(x: CSRTensor) -> CSRTensor:
|
|
|
674
674
|
|
|
675
675
|
def coo_sqrt(x: COOTensor) -> COOTensor:
|
|
676
676
|
r"""
|
|
677
|
-
|
|
677
|
+
Computes sqrt of a COOTensor element-wise.
|
|
678
678
|
|
|
679
679
|
.. math::
|
|
680
680
|
|
|
@@ -720,7 +720,7 @@ def csr_log(x: CSRTensor) -> CSRTensor:
|
|
|
720
720
|
be affacted.
|
|
721
721
|
|
|
722
722
|
Args:
|
|
723
|
-
x (CSRTensor):
|
|
723
|
+
x (CSRTensor): Input CSRTensor of any dimension. If the value is smaller than 0, return nan.
|
|
724
724
|
|
|
725
725
|
Returns:
|
|
726
726
|
CSRTensor, has the same shape and dtype as the `x`.
|
|
@@ -798,11 +798,11 @@ def csr_isnan(x: CSRTensor) -> CSRTensor:
|
|
|
798
798
|
.. math::
|
|
799
799
|
|
|
800
800
|
out_i = \begin{cases}
|
|
801
|
-
& \ True,\ \text{ if } x_{i} = \text{
|
|
802
|
-
& \ False,\ \text{ if } x_{i} \ne \text{
|
|
801
|
+
& \ True,\ \text{ if } x_{i} = \text{NaN} \\
|
|
802
|
+
& \ False,\ \text{ if } x_{i} \ne \text{NaN}
|
|
803
803
|
\end{cases}
|
|
804
804
|
|
|
805
|
-
where :math:`
|
|
805
|
+
where :math:`NaN` means not a number.
|
|
806
806
|
|
|
807
807
|
Args:
|
|
808
808
|
x (CSRTensor): The input CSRTensor.
|
|
@@ -1905,7 +1905,7 @@ def coo_neg(x: COOTensor) -> COOTensor:
|
|
|
1905
1905
|
x (COOTensor): The input COOTensor with a dtype of Number.
|
|
1906
1906
|
|
|
1907
1907
|
Returns:
|
|
1908
|
-
COOTensor, has the same shape and dtype as input
|
|
1908
|
+
COOTensor, has the same shape and dtype as input `x`.
|
|
1909
1909
|
|
|
1910
1910
|
Raises:
|
|
1911
1911
|
TypeError: If `x` is not a COOTensor.
|
|
@@ -22,15 +22,9 @@ from .._primitive_cache import _get_cache_prim
|
|
|
22
22
|
|
|
23
23
|
def blackman_window(window_length, periodic=True, *, dtype=None):
|
|
24
24
|
r"""
|
|
25
|
-
Blackman window function
|
|
25
|
+
Blackman window function.
|
|
26
26
|
|
|
27
|
-
|
|
28
|
-
an integer. In particular, if `window_length` is equal to `1`, only a single value `1` exists in the
|
|
29
|
-
returned window.
|
|
30
|
-
|
|
31
|
-
Attr `periodic` determines whether the returned window removes the last duplicate value
|
|
32
|
-
from the symmetric window and prepares to be a periodic window with functions.
|
|
33
|
-
Therefore, if attr `periodic` is true, the :math:`N` in formula is :math:`window\_length + 1`.
|
|
27
|
+
Usually used to extract finite signal segment for FFT.
|
|
34
28
|
|
|
35
29
|
.. math::
|
|
36
30
|
|
|
@@ -39,35 +33,23 @@ def blackman_window(window_length, periodic=True, *, dtype=None):
|
|
|
39
33
|
where :math:`N` is the full window size, and n is natural number less than :math:`N` :[0, 1, ..., N-1].
|
|
40
34
|
|
|
41
35
|
Args:
|
|
42
|
-
window_length (Tensor): The size of
|
|
43
|
-
|
|
44
|
-
|
|
45
|
-
a symmetric window. Default: ``True`` .
|
|
36
|
+
window_length (Tensor): The size of window.
|
|
37
|
+
periodic (bool, optional): If ``True`` , return a periodic window. If ``False``, return a symmetric window.
|
|
38
|
+
Default ``True`` .
|
|
46
39
|
|
|
47
40
|
Keyword Args:
|
|
48
|
-
dtype (mindspore.dtype, optional): The data type
|
|
49
|
-
Only float16, float32 and float64 is allowed. Default: ``None`` .
|
|
41
|
+
dtype (mindspore.dtype, optional): The data type specified. Default ``None`` .
|
|
50
42
|
|
|
51
43
|
Returns:
|
|
52
|
-
A 1-D tensor
|
|
53
|
-
If 'dtype' is None, output datatype is float32.
|
|
54
|
-
|
|
55
|
-
Raises:
|
|
56
|
-
TypeError: If `window_length` is not a Tensor.
|
|
57
|
-
TypeError: If `periodic` is not a bool.
|
|
58
|
-
TypeError: If `dtype` is not one of: float16, float32, float64.
|
|
59
|
-
TypeError: If the type of `window_length` is not one of: int32, int64.
|
|
60
|
-
ValueError: If the value range of `window_length` is not [0, 1000000].
|
|
61
|
-
ValueError: If the dimension of `window_length` is not 0.
|
|
44
|
+
A 1-D tensor.
|
|
62
45
|
|
|
63
46
|
Supported Platforms:
|
|
64
47
|
``Ascend`` ``GPU`` ``CPU``
|
|
65
48
|
|
|
66
49
|
Examples:
|
|
67
50
|
>>> import mindspore
|
|
68
|
-
>>>
|
|
69
|
-
>>>
|
|
70
|
-
>>> output = ops.blackman_window(window_length, periodic=True, dtype=mindspore.float32)
|
|
51
|
+
>>> window_length = mindspore.tensor(10)
|
|
52
|
+
>>> output = mindspore.ops.blackman_window(window_length)
|
|
71
53
|
>>> print(output)
|
|
72
54
|
[-2.9802322e-08 4.0212840e-02 2.0077014e-01 5.0978714e-01
|
|
73
55
|
8.4922993e-01 1.0000000e+00 8.4922981e-01 5.0978690e-01
|
|
@@ -82,16 +64,10 @@ def blackman_window(window_length, periodic=True, *, dtype=None):
|
|
|
82
64
|
|
|
83
65
|
def bartlett_window(window_length, periodic=True, *, dtype=None):
|
|
84
66
|
r"""
|
|
85
|
-
Bartlett window function
|
|
86
|
-
signals in digital signal processing.
|
|
67
|
+
Bartlett window function.
|
|
87
68
|
|
|
88
|
-
|
|
89
|
-
|
|
90
|
-
returned window.
|
|
91
|
-
|
|
92
|
-
Attr `periodic` determines whether the returned window removes the last duplicate value from the symmetric
|
|
93
|
-
window and prepares to be a periodic window with functions. Therefore, if attr `periodic` is true,
|
|
94
|
-
the :math:`N` in formula is :math:`window\_length + 1`.
|
|
69
|
+
A triangular-shaped weighting function used for smoothing or frequency analysis of signals in digital signal
|
|
70
|
+
processing.
|
|
95
71
|
|
|
96
72
|
.. math::
|
|
97
73
|
|
|
@@ -100,40 +76,31 @@ def bartlett_window(window_length, periodic=True, *, dtype=None):
|
|
|
100
76
|
2 - \frac{2n}{N - 1} & \text{if } \frac{N - 1}{2} < n < N \\
|
|
101
77
|
\end{cases},
|
|
102
78
|
|
|
103
|
-
where N is the full window size.
|
|
79
|
+
where :math:`N` is the full window size, and n is natural number less than :math:`N` :[0, 1, ..., N-1].
|
|
104
80
|
|
|
105
81
|
Args:
|
|
106
|
-
window_length (Tensor): The size of
|
|
107
|
-
|
|
108
|
-
|
|
109
|
-
a symmetric window. Default: ``True`` , indicating that the returned window is a periodic function.
|
|
82
|
+
window_length (Tensor): The size of window.
|
|
83
|
+
periodic (bool, optional): If ``True`` , return a periodic window. If ``False``, return a symmetric window.
|
|
84
|
+
Default ``True`` .
|
|
110
85
|
|
|
111
86
|
Keyword Args:
|
|
112
|
-
dtype (mindspore.dtype, optional): The
|
|
113
|
-
Only float16, float32 and float64 are allowed. Default: ``None`` .
|
|
87
|
+
dtype (mindspore.dtype, optional): The data type specified. Default ``None`` .
|
|
114
88
|
|
|
115
89
|
Returns:
|
|
116
|
-
A 1-D tensor
|
|
117
|
-
If `dtype` is None, output datatype is float32.
|
|
118
|
-
|
|
119
|
-
Raises:
|
|
120
|
-
TypeError: If `window_length` is not a Tensor.
|
|
121
|
-
TypeError: If the type of `window_length` is not one of: int32, int64.
|
|
122
|
-
TypeError: If `periodic` is not a bool.
|
|
123
|
-
TypeError: If `dtype` is not one of: float16, float32, float64.
|
|
124
|
-
ValueError: If the value range of `window_length` is not [0, 1000000].
|
|
125
|
-
ValueError: If the dimension of `window_length` is not 0.
|
|
90
|
+
A 1-D tensor.
|
|
126
91
|
|
|
127
92
|
Supported Platforms:
|
|
128
93
|
``Ascend`` ``GPU`` ``CPU``
|
|
129
94
|
|
|
130
95
|
Examples:
|
|
131
|
-
>>>
|
|
132
|
-
>>>
|
|
133
|
-
>>>
|
|
134
|
-
>>> output
|
|
96
|
+
>>> import mindspore
|
|
97
|
+
>>> window_length = mindspore.tensor(5)
|
|
98
|
+
>>> output = mindspore.ops.bartlett_window(window_length)
|
|
99
|
+
>>> print(output)
|
|
100
|
+
[0. 0.4 0.8 0.8 0.4]
|
|
101
|
+
>>> output = mindspore.ops.bartlett_window(window_length, periodic=False)
|
|
135
102
|
>>> print(output)
|
|
136
|
-
[0.
|
|
103
|
+
[0. 0.5 1. 0.5 0. ]
|
|
137
104
|
"""
|
|
138
105
|
if dtype is None:
|
|
139
106
|
dtype = mstype.float32
|
|
@@ -26,9 +26,7 @@ def vmap(fn, in_axes=0, out_axes=0):
|
|
|
26
26
|
|
|
27
27
|
Vmap is pioneered by Jax and it removes the restriction of batch dimension on the operator, and provides a
|
|
28
28
|
more convenient and unified operator expression. Moreover, it allows users to composite with other functional
|
|
29
|
-
modules such as :func:`mindspore.grad`, to improve the development efficiency
|
|
30
|
-
`Automatic Vectorization (Vmap) <https://www.mindspore.cn/docs/en/master/model_train/train_process/optimize/vmap.html>`_
|
|
31
|
-
tutorial for more detail.
|
|
29
|
+
modules such as :func:`mindspore.grad`, to improve the development efficiency.
|
|
32
30
|
In addition, the vectorizing map does not execute loops outside the function, but sinks loops
|
|
33
31
|
into the primitive operations of the function for better performance. When combined with `Graph Kernel Fusion`,
|
|
34
32
|
operational efficiency would be further improved.
|
|
@@ -49,21 +47,30 @@ def vmap(fn, in_axes=0, out_axes=0):
|
|
|
49
47
|
argument and returns one or more Tensors or the type of data supported by the MindSpore Tensor. When it is
|
|
50
48
|
a CellList, the model ensembling scenario, please make sure that the structure of each cell is the same
|
|
51
49
|
and the number of cells is consistent with the sizes of the mapped axes (`axis_size`).
|
|
52
|
-
in_axes (Union[int, list, tuple]): Specifies which dimensions (axes)
|
|
53
|
-
|
|
54
|
-
|
|
55
|
-
|
|
56
|
-
|
|
57
|
-
|
|
58
|
-
|
|
59
|
-
|
|
50
|
+
in_axes (Union[int, list, tuple]): Specifies which dimensions (axes)
|
|
51
|
+
of the inputs should be mapped over. Default: ``0`` .
|
|
52
|
+
|
|
53
|
+
- If `in_axes` is an integer, all arguments of `fn` are mapped over according to this axis index.
|
|
54
|
+
- If `in_axes` is a tuple or list, which only composed of integers or Nones
|
|
55
|
+
and the length should equal to the number of
|
|
56
|
+
positional arguments to `fn`, indicates which axis to map for each corresponding positional argument.
|
|
57
|
+
Note that, axis integers must be in range :math:`[-ndim, ndim)` for each argument, where `ndim` is the
|
|
58
|
+
number of dimensions of the corresponding argument.
|
|
59
|
+
- None means not mapping along any axis. Also the
|
|
60
|
+
mapping axis index of the `in_axes` must have at least one positional parameter not None. The sizes of
|
|
61
|
+
the mapped axes (`axis_size`) for all arguments must be equal.
|
|
62
|
+
|
|
60
63
|
out_axes (Union[int, list, tuple]): Specifies where the mapped dimensions (axes) should appear in the
|
|
61
|
-
outputs.
|
|
62
|
-
|
|
63
|
-
|
|
64
|
-
|
|
65
|
-
|
|
66
|
-
|
|
64
|
+
outputs. Default: ``0`` .
|
|
65
|
+
|
|
66
|
+
- If `out_axes` is an integer, all outputs of `fn` are specified according to this axis.
|
|
67
|
+
- If `out_axes` is a tuple or list, which only composed of integers or Nones.
|
|
68
|
+
And its length also should be equal
|
|
69
|
+
to the number of outputs of `fn`. Note that, axis integers must be in range :math:`[-ndim, ndim)` for each
|
|
70
|
+
output, where `ndim` is the dimension of the output of the `vmap`-mapped function.
|
|
71
|
+
- All outputs with a
|
|
72
|
+
non-None mapped axis must specify a non-None `out_axes`, and if outputs with None mapped axis specifies
|
|
73
|
+
a non-None `out_axes`, the result broadcasts across the mapped axis.
|
|
67
74
|
|
|
68
75
|
Returns:
|
|
69
76
|
Function, returns the Vectorized/Batched version function of `fn`. The arguments and outputs of this function
|
mindspore/ops/functional.py
CHANGED
|
@@ -20,8 +20,8 @@ from mindspore.common._register_for_tensor import tensor_operator_registry
|
|
|
20
20
|
from mindspore.ops import _constants
|
|
21
21
|
from mindspore.ops.function import *
|
|
22
22
|
from mindspore.ops.function.array_func import chunk_ext, zero_
|
|
23
|
-
from mindspore.ops.function.math_func import all, argmax_ext
|
|
24
|
-
from mindspore.ops.function.random_func import uniform_ext
|
|
23
|
+
from mindspore.ops.function.math_func import all, argmax_ext, float_power_ext, erfinv_, tanh_, bernoulli_ext
|
|
24
|
+
from mindspore.ops.function.random_func import random_, uniform_ext, uniform_, normal_
|
|
25
25
|
from mindspore.ops import operations as P
|
|
26
26
|
from mindspore.ops.operations import array_ops
|
|
27
27
|
from mindspore.ops.operations._sequence_ops import TensorToTuple
|
|
@@ -33,12 +33,13 @@ from mindspore.ops.operations.nn_ops import AdaptiveMaxPool2D
|
|
|
33
33
|
from mindspore.ops.operations.math_ops import Roll
|
|
34
34
|
from mindspore.ops.composite.math_ops import mm
|
|
35
35
|
from mindspore.ops.function.math_func import dot
|
|
36
|
+
from mindspore.ops.function.array_func import new_empty
|
|
36
37
|
from mindspore.ops import auto_generate
|
|
37
38
|
from mindspore.ops.auto_generate import cast
|
|
38
|
-
from mindspore.
|
|
39
|
+
from mindspore.ops._utils.arg_dtype_cast import DtypeToEnum
|
|
39
40
|
from mindspore.ops.operations.manually_defined.ops_def import scalar_div, scalar_mod, scalar_add, scalar_mul, \
|
|
40
41
|
scalar_sub, scalar_gt, scalar_ge, scalar_le, scalar_lt, scalar_eq, scalar_floordiv, scalar_log, scalar_pow, \
|
|
41
|
-
scalar_uadd, scalar_usub,
|
|
42
|
+
scalar_uadd, scalar_usub, scalar_max, scalar_min
|
|
42
43
|
|
|
43
44
|
typeof = Primitive('typeof')
|
|
44
45
|
hastype = Primitive('hastype')
|
|
@@ -116,6 +117,7 @@ switch_layer = Primitive('switch_layer')
|
|
|
116
117
|
reduced_shape = Primitive("reduced_shape")
|
|
117
118
|
# shape_mul:input must be shape multiply elements in tuple(shape)
|
|
118
119
|
shape_mul = _sequence_ops.shape_mul()
|
|
120
|
+
put_ = auto_generate.put_
|
|
119
121
|
|
|
120
122
|
setattr(tensor_operator_registry, 'tuple_to_tensor',
|
|
121
123
|
_sequence_ops.TupleToTensor)
|
|
@@ -191,7 +193,7 @@ setattr(tensor_operator_registry, 'index_select', index_select)
|
|
|
191
193
|
setattr(tensor_operator_registry, 'flip', flip)
|
|
192
194
|
setattr(tensor_operator_registry, 'fliplr', fliplr)
|
|
193
195
|
setattr(tensor_operator_registry, 'flipud', flipud)
|
|
194
|
-
setattr(tensor_operator_registry, 'float_power',
|
|
196
|
+
setattr(tensor_operator_registry, 'float_power', float_power_ext)
|
|
195
197
|
setattr(tensor_operator_registry, 'fmax', fmax)
|
|
196
198
|
setattr(tensor_operator_registry, 'fmin', fmin)
|
|
197
199
|
setattr(tensor_operator_registry, 'fmod', fmod)
|
|
@@ -204,6 +206,7 @@ setattr(tensor_operator_registry, 'bitwise_right_shift', bitwise_right_shift)
|
|
|
204
206
|
setattr(tensor_operator_registry, 'ger', ger)
|
|
205
207
|
setattr(tensor_operator_registry, 'reduce_max', P.ReduceMax)
|
|
206
208
|
setattr(tensor_operator_registry, 'reduce_min', P.ReduceMin)
|
|
209
|
+
setattr(tensor_operator_registry, 'random_', random_)
|
|
207
210
|
setattr(tensor_operator_registry, 'random_categorical', random_categorical)
|
|
208
211
|
setattr(tensor_operator_registry, 'mirror_pad', P.MirrorPad)
|
|
209
212
|
setattr(tensor_operator_registry, 'minimum', minimum)
|
|
@@ -266,6 +269,7 @@ setattr(tensor_operator_registry, 'standard_normal', P.StandardNormal)
|
|
|
266
269
|
setattr(tensor_operator_registry, 'sigmoid', sigmoid)
|
|
267
270
|
setattr(tensor_operator_registry, 'median', Median)
|
|
268
271
|
setattr(tensor_operator_registry, 'tanh', tanh)
|
|
272
|
+
setattr(tensor_operator_registry, 'tanh_', tanh_)
|
|
269
273
|
setattr(tensor_operator_registry, 'exp', exp)
|
|
270
274
|
setattr(tensor_operator_registry, 'addbmm', addbmm)
|
|
271
275
|
setattr(tensor_operator_registry, 'addmm', addmm)
|
|
@@ -281,15 +285,18 @@ setattr(tensor_operator_registry, 'bmm', bmm)
|
|
|
281
285
|
setattr(tensor_operator_registry, 'conj', conj)
|
|
282
286
|
setattr(tensor_operator_registry, 'cross', cross)
|
|
283
287
|
setattr(tensor_operator_registry, 'erfinv', erfinv)
|
|
288
|
+
setattr(tensor_operator_registry, 'erfinv_', erfinv_)
|
|
284
289
|
setattr(tensor_operator_registry, 'less_equal', less_equal)
|
|
285
290
|
setattr(tensor_operator_registry, 'lcm', lcm)
|
|
286
291
|
setattr(tensor_operator_registry, 'ldexp', ldexp)
|
|
287
292
|
setattr(tensor_operator_registry, 'clamp', clamp)
|
|
293
|
+
setattr(tensor_operator_registry, 'clamp_', clamp_)
|
|
288
294
|
setattr(tensor_operator_registry, 'fold', fold)
|
|
289
295
|
setattr(tensor_operator_registry, 'unfold', unfold)
|
|
290
296
|
setattr(tensor_operator_registry, 'diagonal', diagonal)
|
|
291
297
|
setattr(tensor_operator_registry, 'diagonal_scatter', diagonal_scatter)
|
|
292
298
|
setattr(tensor_operator_registry, 'index_add', index_add)
|
|
299
|
+
setattr(tensor_operator_registry, 'index_add_', auto_generate.inplace_index_add_op)
|
|
293
300
|
setattr(tensor_operator_registry, 'greater', greater)
|
|
294
301
|
setattr(tensor_operator_registry, 'greater_equal', greater_equal)
|
|
295
302
|
setattr(tensor_operator_registry, 'igamma', igamma)
|
|
@@ -300,6 +307,8 @@ setattr(tensor_operator_registry, 'qr', qr)
|
|
|
300
307
|
setattr(tensor_operator_registry, 'ormqr', ormqr)
|
|
301
308
|
setattr(tensor_operator_registry, 'masked_scatter', array_ops.MaskedScatter)
|
|
302
309
|
setattr(tensor_operator_registry, 'index_put', array_ops.IndexPut)
|
|
310
|
+
setattr(tensor_operator_registry, 'index_put_', auto_generate.index_put_)
|
|
311
|
+
setattr(tensor_operator_registry, 'put_', put_)
|
|
303
312
|
setattr(tensor_operator_registry, 'quantile', quantile)
|
|
304
313
|
setattr(tensor_operator_registry, 'nanquantile', nanquantile)
|
|
305
314
|
setattr(tensor_operator_registry, 'orgqr', orgqr)
|
|
@@ -333,6 +342,7 @@ setattr(tensor_operator_registry, 'reducesum', P.ReduceSum)
|
|
|
333
342
|
setattr(tensor_operator_registry, 'tensor_slice', tensor_slice)
|
|
334
343
|
setattr(tensor_operator_registry, 'select', select)
|
|
335
344
|
setattr(tensor_operator_registry, 'uniform', uniform_ext)
|
|
345
|
+
setattr(tensor_operator_registry, 'uniform_', uniform_)
|
|
336
346
|
setattr(tensor_operator_registry, 'gather', gather)
|
|
337
347
|
setattr(tensor_operator_registry, 'gather_d', gather_d)
|
|
338
348
|
setattr(tensor_operator_registry, 'gather_elements', gather_elements)
|
|
@@ -345,6 +355,7 @@ setattr(tensor_operator_registry, 'log10', log10)
|
|
|
345
355
|
setattr(tensor_operator_registry, 'log2', log2)
|
|
346
356
|
setattr(tensor_operator_registry, 'lerp', lerp)
|
|
347
357
|
setattr(tensor_operator_registry, 'floor', floor)
|
|
358
|
+
setattr(tensor_operator_registry, 'floor_', auto_generate.floor_)
|
|
348
359
|
setattr(tensor_operator_registry, 'floor_divide', floor_divide)
|
|
349
360
|
# support sparse tensor operators
|
|
350
361
|
setattr(tensor_operator_registry, 'csr_add', csr_add)
|
|
@@ -371,6 +382,7 @@ setattr(tensor_operator_registry, 'nanmedian', nanmedian)
|
|
|
371
382
|
setattr(tensor_operator_registry, 'csr_to_coo', csr_to_coo)
|
|
372
383
|
setattr(tensor_operator_registry, 'zeros', zeros)
|
|
373
384
|
setattr(tensor_operator_registry, 'ones', ones)
|
|
385
|
+
setattr(tensor_operator_registry, 'new_empty', new_empty)
|
|
374
386
|
setattr(tensor_operator_registry, 'unsorted_segment_min', unsorted_segment_min)
|
|
375
387
|
setattr(tensor_operator_registry, 'unsorted_segment_max', unsorted_segment_max)
|
|
376
388
|
setattr(tensor_operator_registry, 'unsorted_segment_prod', unsorted_segment_prod)
|
|
@@ -382,9 +394,10 @@ setattr(tensor_operator_registry, 'tensor_scatter_min', tensor_scatter_min)
|
|
|
382
394
|
setattr(tensor_operator_registry, 'tensor_scatter_max', tensor_scatter_max)
|
|
383
395
|
setattr(tensor_operator_registry, 'tensor_scatter_sub', tensor_scatter_sub)
|
|
384
396
|
setattr(tensor_operator_registry, 'tensor_scatter_add', tensor_scatter_add)
|
|
397
|
+
setattr(tensor_operator_registry, 'inplace_scatter_add', auto_generate.inplace_scatter_add)
|
|
385
398
|
setattr(tensor_operator_registry, 'slice_scatter', slice_scatter)
|
|
386
399
|
setattr(tensor_operator_registry, 'select_scatter', select_scatter)
|
|
387
|
-
setattr(tensor_operator_registry, 'bernoulli',
|
|
400
|
+
setattr(tensor_operator_registry, 'bernoulli', bernoulli_ext)
|
|
388
401
|
setattr(tensor_operator_registry, 'poisson', P.Poisson)
|
|
389
402
|
setattr(tensor_operator_registry, 'randperm', P.Randperm)
|
|
390
403
|
setattr(tensor_operator_registry, 'multinomial', multinomial)
|
|
@@ -447,7 +460,8 @@ setattr(tensor_operator_registry, 'imag', imag)
|
|
|
447
460
|
setattr(tensor_operator_registry, 'repeat_interleave', repeat_interleave)
|
|
448
461
|
setattr(tensor_operator_registry, 'rad2deg', rad2deg)
|
|
449
462
|
setattr(tensor_operator_registry, 'deg2rad', deg2rad)
|
|
450
|
-
setattr(tensor_operator_registry, '
|
|
463
|
+
setattr(tensor_operator_registry, 'clone', auto_generate.clone)
|
|
464
|
+
setattr(tensor_operator_registry, 'copy_', auto_generate.inplace_copy)
|
|
451
465
|
setattr(tensor_operator_registry, 'add_', auto_generate.inplace_add_ext)
|
|
452
466
|
setattr(tensor_operator_registry, 'adds_', auto_generate.inplace_adds_ext)
|
|
453
467
|
setattr(tensor_operator_registry, 'copysign', copysign)
|
|
@@ -457,6 +471,7 @@ setattr(tensor_operator_registry, 'swapaxes', swapaxes)
|
|
|
457
471
|
setattr(tensor_operator_registry, 'swapdims', swapdims)
|
|
458
472
|
setattr(tensor_operator_registry, 'repeat_elements', repeat_elements)
|
|
459
473
|
setattr(tensor_operator_registry, 'top_k', top_k)
|
|
474
|
+
setattr(tensor_operator_registry, 'normal_', normal_)
|
|
460
475
|
|
|
461
476
|
__all__ = [name for name in dir() if name[0] != "_"]
|
|
462
477
|
__all__.remove('Primitive')
|