mindspore 2.4.10__cp310-cp310-win_amd64.whl → 2.6.0__cp310-cp310-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.cp310-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp310-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp310-win_amd64.pyd +0 -0
- mindspore/_check_jit_forbidden_api.py +3 -0
- mindspore/_checkparam.py +3 -38
- mindspore/_deprecated/__init__.py +17 -0
- mindspore/_deprecated/jit.py +198 -0
- mindspore/_extends/builtin_operations.py +1 -1
- mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +1 -1
- mindspore/_extends/parse/__init__.py +6 -7
- mindspore/_extends/parse/compile_config.py +83 -0
- mindspore/_extends/parse/deprecated/__init__.py +0 -0
- mindspore/_extends/parse/deprecated/deprecated_tensor_method.py +394 -0
- mindspore/_extends/parse/jit_fallback_modules/__init__.py +0 -0
- mindspore/_extends/parse/jit_fallback_modules/check_utils.py +123 -0
- mindspore/_extends/parse/jit_fallback_modules/third_party_modules.py +50 -0
- mindspore/_extends/parse/parser.py +47 -198
- mindspore/_extends/parse/resources.py +1 -5
- mindspore/_extends/parse/standard_method.py +229 -99
- mindspore/_extends/pijit/__init__.py +2 -2
- mindspore/_extends/pijit/pijit_func_white_list.py +17 -12
- mindspore/_extends/pijit/tensor_func_list.py +27 -0
- mindspore/_extends/utils.py +1 -1
- mindspore/amp.py +11 -5
- mindspore/atlprov.dll +0 -0
- mindspore/avcodec-59.dll +0 -0
- mindspore/avdevice-59.dll +0 -0
- mindspore/avfilter-8.dll +0 -0
- mindspore/avformat-59.dll +0 -0
- mindspore/avutil-57.dll +0 -0
- mindspore/boost/__init__.py +2 -2
- mindspore/boost/base.py +3 -7
- mindspore/boost/boost_cell_wrapper.py +138 -43
- mindspore/c1.dll +0 -0
- mindspore/c1xx.dll +0 -0
- mindspore/c2.dll +0 -0
- mindspore/common/__init__.py +6 -3
- mindspore/common/_grad_function.py +56 -0
- mindspore/common/_pijit_context.py +14 -5
- mindspore/common/_register_for_tensor.py +1 -2
- mindspore/common/_stub_tensor.py +30 -14
- mindspore/common/_tensor_cpp_method.py +17 -0
- mindspore/common/_tensor_docs.py +4760 -0
- mindspore/common/api.py +480 -372
- mindspore/common/auto_dynamic_shape.py +41 -44
- mindspore/common/dtype.py +39 -36
- mindspore/common/dump.py +9 -6
- mindspore/common/file_system.py +9 -1
- mindspore/common/generator.py +5 -0
- mindspore/common/hook_handle.py +6 -2
- mindspore/common/initializer.py +13 -10
- mindspore/common/jit_begin_end.py +94 -0
- mindspore/common/jit_config.py +6 -1
- mindspore/common/jit_context.py +76 -0
- mindspore/common/jit_trace.py +378 -0
- mindspore/common/lazy_inline.py +9 -3
- mindspore/common/mindir_util.py +10 -2
- mindspore/common/mutable.py +5 -4
- mindspore/common/parameter.py +135 -52
- mindspore/common/seed.py +2 -2
- mindspore/common/sparse_tensor.py +23 -17
- mindspore/common/tensor.py +975 -1981
- mindspore/communication/__init__.py +7 -5
- mindspore/communication/_comm_helper.py +52 -2
- mindspore/communication/comm_func.py +240 -181
- mindspore/communication/management.py +95 -26
- mindspore/context.py +324 -573
- mindspore/dataset/__init__.py +65 -37
- mindspore/dataset/audio/__init__.py +2 -8
- mindspore/dataset/audio/transforms.py +3 -17
- mindspore/dataset/callback/ds_callback.py +2 -1
- mindspore/dataset/core/config.py +87 -6
- mindspore/dataset/engine/cache_admin.py +3 -3
- mindspore/dataset/engine/cache_client.py +6 -5
- mindspore/dataset/engine/datasets.py +292 -267
- mindspore/dataset/engine/datasets_audio.py +22 -8
- mindspore/dataset/engine/datasets_standard_format.py +46 -27
- mindspore/dataset/engine/datasets_text.py +78 -48
- mindspore/dataset/engine/datasets_user_defined.py +183 -117
- mindspore/dataset/engine/datasets_vision.py +120 -44
- mindspore/dataset/engine/iterators.py +283 -63
- mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +1 -1
- mindspore/dataset/engine/obs/util.py +8 -0
- mindspore/dataset/engine/queue.py +40 -0
- mindspore/dataset/engine/samplers.py +289 -43
- mindspore/dataset/engine/serializer_deserializer.py +3 -2
- mindspore/dataset/engine/validators.py +53 -11
- mindspore/dataset/text/__init__.py +7 -6
- mindspore/dataset/text/transforms.py +6 -5
- mindspore/dataset/text/utils.py +3 -3
- mindspore/dataset/transforms/__init__.py +0 -9
- mindspore/dataset/transforms/py_transforms_util.py +17 -0
- mindspore/dataset/transforms/transforms.py +31 -14
- mindspore/dataset/utils/browse_dataset.py +1 -1
- mindspore/dataset/vision/__init__.py +2 -9
- mindspore/dataset/vision/transforms.py +202 -158
- mindspore/dataset/vision/utils.py +7 -5
- mindspore/dataset/vision/validators.py +1 -2
- mindspore/device_context/__init__.py +21 -0
- mindspore/device_context/ascend/__init__.py +25 -0
- mindspore/device_context/ascend/device.py +72 -0
- mindspore/device_context/ascend/op_debug.py +153 -0
- mindspore/device_context/ascend/op_precision.py +193 -0
- mindspore/device_context/ascend/op_tuning.py +123 -0
- mindspore/{ops_generate/gen_constants.py → device_context/cpu/__init__.py} +6 -17
- mindspore/device_context/cpu/device.py +62 -0
- mindspore/device_context/cpu/op_tuning.py +43 -0
- mindspore/device_context/gpu/__init__.py +21 -0
- mindspore/device_context/gpu/device.py +70 -0
- mindspore/device_context/gpu/op_precision.py +67 -0
- mindspore/device_context/gpu/op_tuning.py +175 -0
- mindspore/device_manager.py +170 -0
- mindspore/dnnl.dll +0 -0
- mindspore/dpcmi.dll +0 -0
- mindspore/experimental/es/embedding_service.py +35 -27
- mindspore/experimental/llm_boost/__init__.py +1 -0
- mindspore/experimental/llm_boost/ascend_native/__init__.py +22 -0
- mindspore/experimental/llm_boost/ascend_native/llama_boost_ascend_native.py +209 -0
- mindspore/experimental/llm_boost/ascend_native/llm_boost.py +52 -0
- mindspore/experimental/llm_boost/atb/boost_base.py +2 -3
- mindspore/experimental/llm_boost/atb/llama_boost.py +6 -1
- mindspore/experimental/llm_boost/register.py +1 -0
- mindspore/experimental/map_parameter.py +4 -4
- mindspore/experimental/optim/adadelta.py +6 -6
- mindspore/experimental/optim/adagrad.py +4 -4
- mindspore/experimental/optim/adam.py +7 -0
- mindspore/experimental/optim/adamax.py +4 -4
- mindspore/experimental/optim/adamw.py +4 -0
- mindspore/experimental/optim/asgd.py +1 -1
- mindspore/experimental/optim/lr_scheduler.py +73 -46
- mindspore/experimental/optim/radam.py +34 -31
- mindspore/experimental/optim/rprop.py +1 -1
- mindspore/experimental/optim/sgd.py +1 -1
- mindspore/hal/contiguous_tensors_handle.py +6 -10
- mindspore/hal/device.py +55 -53
- mindspore/hal/event.py +52 -52
- mindspore/hal/memory.py +179 -120
- mindspore/hal/stream.py +150 -109
- mindspore/include/api/context.h +0 -1
- mindspore/include/dataset/constants.h +7 -4
- mindspore/include/dataset/execute.h +2 -2
- mindspore/jpeg62.dll +0 -0
- mindspore/log.py +50 -0
- mindspore/mindrecord/__init__.py +21 -8
- mindspore/mindrecord/config.py +17 -316
- mindspore/mindrecord/filereader.py +1 -9
- mindspore/mindrecord/filewriter.py +5 -15
- mindspore/mindrecord/mindpage.py +1 -9
- mindspore/mindspore_backend_common.dll +0 -0
- mindspore/mindspore_backend_manager.dll +0 -0
- mindspore/mindspore_common.dll +0 -0
- mindspore/mindspore_core.dll +0 -0
- mindspore/mindspore_dump.dll +0 -0
- mindspore/mindspore_frontend.dll +0 -0
- mindspore/mindspore_glog.dll +0 -0
- mindspore/mindspore_memory_pool.dll +0 -0
- mindspore/mindspore_ms_backend.dll +0 -0
- mindspore/mindspore_ops.dll +0 -0
- mindspore/{mindspore_backend.dll → mindspore_ops_host.dll} +0 -0
- mindspore/mindspore_ops_kernel_common.dll +0 -0
- mindspore/mindspore_profiler.dll +0 -0
- mindspore/mindspore_pyboost.dll +0 -0
- mindspore/mindspore_pynative.dll +0 -0
- mindspore/mindspore_res_manager.dll +0 -0
- mindspore/mindspore_runtime_pipeline.dll +0 -0
- mindspore/mint/__init__.py +798 -761
- mindspore/mint/distributed/__init__.py +70 -4
- mindspore/mint/distributed/distributed.py +2679 -44
- mindspore/mint/linalg/__init__.py +8 -0
- mindspore/mint/nn/__init__.py +743 -22
- mindspore/mint/nn/functional.py +716 -23
- mindspore/mint/nn/layer/__init__.py +21 -4
- mindspore/mint/nn/layer/_functions.py +334 -0
- mindspore/mint/nn/layer/activation.py +276 -1
- mindspore/mint/nn/layer/basic.py +123 -0
- mindspore/mint/nn/layer/conv.py +933 -0
- mindspore/mint/nn/layer/normalization.py +223 -28
- mindspore/mint/nn/layer/padding.py +797 -0
- mindspore/mint/nn/layer/pooling.py +235 -0
- mindspore/mint/optim/__init__.py +3 -1
- mindspore/mint/optim/adam.py +223 -0
- mindspore/mint/optim/adamw.py +26 -19
- mindspore/mint/optim/sgd.py +171 -0
- mindspore/mint/special/__init__.py +2 -1
- mindspore/msobj140.dll +0 -0
- mindspore/mspdb140.dll +0 -0
- mindspore/mspdbcore.dll +0 -0
- mindspore/mspdbst.dll +0 -0
- mindspore/mspft140.dll +0 -0
- mindspore/msvcdis140.dll +0 -0
- mindspore/msvcp140_1.dll +0 -0
- mindspore/msvcp140_2.dll +0 -0
- mindspore/msvcp140_atomic_wait.dll +0 -0
- mindspore/msvcp140_codecvt_ids.dll +0 -0
- mindspore/multiprocessing/__init__.py +5 -0
- mindspore/nn/__init__.py +4 -1
- mindspore/nn/cell.py +1373 -192
- mindspore/nn/dynamic_lr.py +2 -1
- mindspore/nn/layer/activation.py +29 -27
- mindspore/nn/layer/basic.py +51 -35
- mindspore/nn/layer/channel_shuffle.py +3 -3
- mindspore/nn/layer/container.py +1 -1
- mindspore/nn/layer/conv.py +53 -42
- mindspore/nn/layer/embedding.py +12 -11
- mindspore/nn/layer/normalization.py +56 -49
- mindspore/nn/layer/padding.py +4 -3
- mindspore/nn/layer/pooling.py +120 -42
- mindspore/nn/layer/rnn_cells.py +1 -1
- mindspore/nn/layer/rnns.py +2 -1
- mindspore/nn/layer/timedistributed.py +5 -5
- mindspore/nn/layer/transformer.py +59 -36
- mindspore/nn/learning_rate_schedule.py +8 -4
- mindspore/nn/loss/loss.py +58 -55
- mindspore/nn/optim/ada_grad.py +7 -5
- mindspore/nn/optim/adadelta.py +11 -9
- mindspore/nn/optim/adafactor.py +1 -1
- mindspore/nn/optim/adam.py +19 -15
- mindspore/nn/optim/adamax.py +8 -7
- mindspore/nn/optim/adasum.py +5 -5
- mindspore/nn/optim/asgd.py +3 -1
- mindspore/nn/optim/ftrl.py +11 -9
- mindspore/nn/optim/lamb.py +1 -1
- mindspore/nn/optim/lars.py +1 -4
- mindspore/nn/optim/lazyadam.py +12 -10
- mindspore/nn/optim/momentum.py +7 -6
- mindspore/nn/optim/optimizer.py +3 -3
- mindspore/nn/optim/proximal_ada_grad.py +12 -10
- mindspore/nn/optim/rmsprop.py +13 -12
- mindspore/nn/optim/rprop.py +11 -9
- mindspore/nn/optim/sgd.py +9 -6
- mindspore/nn/optim/tft_wrapper.py +5 -2
- mindspore/nn/optim/thor.py +2 -1
- mindspore/nn/probability/bijector/bijector.py +17 -11
- mindspore/nn/probability/bijector/gumbel_cdf.py +5 -5
- mindspore/nn/probability/bijector/invert.py +2 -2
- mindspore/nn/probability/bijector/scalar_affine.py +3 -3
- mindspore/nn/probability/bijector/softplus.py +3 -2
- mindspore/nn/probability/distribution/beta.py +3 -3
- mindspore/nn/probability/distribution/categorical.py +1 -1
- mindspore/nn/probability/distribution/cauchy.py +4 -2
- mindspore/nn/probability/distribution/exponential.py +6 -7
- mindspore/nn/probability/distribution/gamma.py +2 -2
- mindspore/nn/probability/distribution/gumbel.py +2 -2
- mindspore/nn/probability/distribution/half_normal.py +5 -3
- mindspore/nn/probability/distribution/logistic.py +5 -3
- mindspore/nn/probability/distribution/poisson.py +1 -1
- mindspore/nn/probability/distribution/uniform.py +5 -3
- mindspore/nn/reinforcement/_tensors_queue.py +1 -1
- mindspore/nn/reinforcement/tensor_array.py +1 -1
- mindspore/nn/utils/init.py +13 -11
- mindspore/nn/wrap/__init__.py +6 -6
- mindspore/nn/wrap/cell_wrapper.py +181 -122
- mindspore/nn/wrap/grad_reducer.py +45 -36
- mindspore/nn/wrap/loss_scale.py +6 -7
- mindspore/numpy/array_creations.py +63 -65
- mindspore/numpy/array_ops.py +149 -144
- mindspore/numpy/logic_ops.py +41 -42
- mindspore/numpy/math_ops.py +361 -359
- mindspore/numpy/utils.py +17 -18
- mindspore/numpy/utils_const.py +5 -6
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- mindspore/ops/__init__.py +5 -3
- mindspore/ops/_grad_experimental/grad_comm_ops.py +112 -16
- mindspore/ops/_grad_experimental/grad_debug_ops.py +14 -2
- mindspore/ops/_grad_experimental/grad_inner_ops.py +9 -0
- mindspore/ops/_grad_experimental/grad_math_ops.py +2 -1
- mindspore/ops/_grad_experimental/taylor_rule.py +29 -0
- mindspore/ops/_op_impl/cpu/__init__.py +1 -0
- mindspore/ops/_op_impl/cpu/raise_op.py +28 -0
- mindspore/ops/_register_for_op.py +0 -11
- mindspore/{ops_generate → ops/_utils}/arg_dtype_cast.py +123 -4
- mindspore/{ops_generate → ops/_utils}/arg_handler.py +3 -65
- mindspore/ops/_vmap/vmap_array_ops.py +52 -25
- mindspore/ops/_vmap/vmap_base.py +0 -2
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +21 -14
- mindspore/ops/_vmap/vmap_math_ops.py +15 -16
- mindspore/ops/_vmap/vmap_nn_ops.py +29 -42
- mindspore/ops/auto_generate/__init__.py +4 -3
- mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +258 -46
- mindspore/ops/auto_generate/gen_extend_func.py +757 -185
- mindspore/ops/auto_generate/gen_ops_def.py +4197 -2243
- mindspore/ops/auto_generate/gen_ops_prim.py +16976 -6055
- mindspore/ops/auto_generate/pyboost_inner_prim.py +221 -87
- mindspore/ops/composite/__init__.py +2 -1
- mindspore/ops/composite/base.py +20 -25
- mindspore/ops/composite/math_ops.py +6 -16
- mindspore/ops/composite/multitype_ops/__init__.py +5 -2
- mindspore/ops/composite/multitype_ops/_compile_utils.py +228 -30
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +1 -2
- mindspore/ops/composite/multitype_ops/add_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/div_impl.py +6 -4
- mindspore/ops/composite/multitype_ops/equal_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/floordiv_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/getitem_impl.py +3 -2
- mindspore/ops/composite/multitype_ops/greater_equal_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/greater_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/in_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/invert_impl.py +50 -0
- mindspore/ops/composite/multitype_ops/left_shift_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/less_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/logic_not_impl.py +3 -2
- mindspore/ops/composite/multitype_ops/logical_and_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/logical_or_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/mod_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/mul_impl.py +3 -2
- mindspore/ops/composite/multitype_ops/negative_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/not_equal_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/not_in_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +18 -0
- mindspore/ops/composite/multitype_ops/pow_impl.py +2 -30
- mindspore/ops/composite/multitype_ops/right_shift_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/setitem_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/sub_impl.py +2 -1
- mindspore/ops/function/__init__.py +40 -2
- mindspore/ops/function/_add_attr_func.py +58 -0
- mindspore/ops/function/array_func.py +2089 -2403
- mindspore/ops/function/clip_func.py +80 -23
- mindspore/ops/function/debug_func.py +57 -57
- mindspore/ops/function/grad/__init__.py +1 -0
- mindspore/ops/function/grad/grad_func.py +104 -71
- mindspore/ops/function/image_func.py +2 -2
- mindspore/ops/function/linalg_func.py +47 -78
- mindspore/ops/function/math_func.py +4351 -3813
- mindspore/ops/function/nn_func.py +1712 -637
- mindspore/ops/function/other_func.py +159 -1
- mindspore/ops/function/parameter_func.py +18 -84
- mindspore/ops/function/random_func.py +452 -387
- mindspore/ops/function/reshard_func.py +4 -70
- mindspore/ops/function/sparse_func.py +3 -3
- mindspore/ops/function/sparse_unary_func.py +6 -6
- mindspore/ops/function/spectral_func.py +25 -58
- mindspore/ops/function/vmap_func.py +26 -18
- mindspore/ops/functional.py +23 -7
- mindspore/ops/functional_overload.py +1548 -0
- mindspore/ops/op_info_register.py +32 -244
- mindspore/ops/operations/__init__.py +23 -15
- mindspore/ops/operations/_custom_ops_utils.py +235 -0
- mindspore/ops/operations/_embedding_cache_ops.py +4 -4
- mindspore/ops/operations/_grad_ops.py +2 -43
- mindspore/ops/operations/_infer_ops.py +2 -1
- mindspore/ops/operations/_inner_ops.py +43 -84
- mindspore/ops/operations/_ms_kernel.py +4 -10
- mindspore/ops/operations/_rl_inner_ops.py +1 -1
- mindspore/ops/operations/_scalar_ops.py +3 -2
- mindspore/ops/operations/_sequence_ops.py +1 -1
- mindspore/ops/operations/_tensor_array.py +1 -1
- mindspore/ops/operations/array_ops.py +81 -324
- mindspore/ops/operations/comm_ops.py +154 -108
- mindspore/ops/operations/custom_ops.py +298 -87
- mindspore/ops/operations/debug_ops.py +157 -59
- mindspore/ops/operations/inner_ops.py +7 -5
- mindspore/ops/operations/linalg_ops.py +1 -57
- mindspore/ops/operations/manually_defined/_inner.py +1 -1
- mindspore/ops/operations/manually_defined/ops_def.py +928 -180
- mindspore/ops/operations/math_ops.py +32 -234
- mindspore/ops/operations/nn_ops.py +212 -531
- mindspore/ops/operations/other_ops.py +62 -9
- mindspore/ops/operations/random_ops.py +13 -7
- mindspore/ops/operations/reshard_ops.py +1 -1
- mindspore/ops/operations/sparse_ops.py +2 -2
- mindspore/ops/primitive.py +66 -53
- mindspore/ops/tensor_method.py +1895 -0
- mindspore/ops_generate/__init__.py +0 -5
- mindspore/ops_generate/aclnn/__init__.py +0 -0
- mindspore/ops_generate/aclnn/aclnn_kernel_register_auto_cc_generator.py +135 -0
- mindspore/ops_generate/aclnn/gen_aclnn_implement.py +257 -0
- mindspore/ops_generate/api/__init__.py +0 -0
- mindspore/ops_generate/api/add_tensor_docs_generator.py +56 -0
- mindspore/ops_generate/api/cpp_create_prim_instance_helper_generator.py +105 -0
- mindspore/ops_generate/api/functional_map_cpp_generator.py +504 -0
- mindspore/ops_generate/api/functional_overload_py_generator.py +112 -0
- mindspore/ops_generate/api/functions_cc_generator.py +237 -0
- mindspore/ops_generate/api/gen_api.py +103 -0
- mindspore/ops_generate/api/op_api_proto.py +235 -0
- mindspore/ops_generate/api/tensor_func_reg_cpp_generator.py +461 -0
- mindspore/ops_generate/common/__init__.py +0 -0
- mindspore/ops_generate/common/base_generator.py +11 -0
- mindspore/ops_generate/common/gen_constants.py +91 -0
- mindspore/ops_generate/common/gen_utils.py +348 -0
- mindspore/ops_generate/common/op_proto.py +473 -0
- mindspore/ops_generate/common/template.py +523 -0
- mindspore/ops_generate/gen_ops.py +22 -1069
- mindspore/ops_generate/op_def/__init__.py +0 -0
- mindspore/ops_generate/op_def/gen_op_def.py +90 -0
- mindspore/ops_generate/op_def/lite_ops_cpp_generator.py +191 -0
- mindspore/ops_generate/op_def/ops_def_cc_generator.py +296 -0
- mindspore/ops_generate/op_def/ops_def_h_generator.py +74 -0
- mindspore/ops_generate/op_def/ops_name_h_generator.py +83 -0
- mindspore/ops_generate/op_def/ops_primitive_h_generator.py +125 -0
- mindspore/ops_generate/op_def_py/__init__.py +0 -0
- mindspore/ops_generate/op_def_py/gen_op_def_py.py +47 -0
- mindspore/ops_generate/op_def_py/op_def_py_generator.py +132 -0
- mindspore/ops_generate/op_def_py/op_prim_py_generator.py +489 -0
- mindspore/ops_generate/pyboost/__init__.py +0 -0
- mindspore/ops_generate/pyboost/auto_grad_impl_cc_generator.py +139 -0
- mindspore/ops_generate/pyboost/auto_grad_reg_cc_generator.py +93 -0
- mindspore/ops_generate/pyboost/gen_pyboost_func.py +175 -0
- mindspore/ops_generate/pyboost/op_template_parser.py +517 -0
- mindspore/ops_generate/pyboost/pyboost_functions_cpp_generator.py +407 -0
- mindspore/ops_generate/pyboost/pyboost_functions_h_generator.py +100 -0
- mindspore/ops_generate/pyboost/pyboost_functions_py_generator.py +148 -0
- mindspore/ops_generate/pyboost/pyboost_grad_function_cpp_generator.py +155 -0
- mindspore/ops_generate/pyboost/pyboost_inner_prim_generator.py +132 -0
- mindspore/ops_generate/pyboost/pyboost_native_grad_functions_generator.py +272 -0
- mindspore/ops_generate/pyboost/pyboost_op_cpp_code_generator.py +938 -0
- mindspore/ops_generate/pyboost/pyboost_overload_functions_cpp_generator.py +357 -0
- mindspore/ops_generate/{pyboost_utils.py → pyboost/pyboost_utils.py} +179 -36
- mindspore/ops_generate/resources/__init__.py +0 -0
- mindspore/ops_generate/resources/resource_list.py +30 -0
- mindspore/ops_generate/resources/resource_loader.py +36 -0
- mindspore/ops_generate/resources/resource_manager.py +64 -0
- mindspore/ops_generate/resources/yaml_loader.py +88 -0
- mindspore/ops_generate/tensor_py_cc_generator.py +122 -0
- mindspore/parallel/__init__.py +7 -3
- mindspore/parallel/_auto_parallel_context.py +159 -40
- mindspore/parallel/_cell_wrapper.py +132 -15
- mindspore/parallel/_parallel_serialization.py +107 -5
- mindspore/parallel/_ps_context.py +1 -1
- mindspore/parallel/_recovery_context.py +7 -2
- mindspore/parallel/_tensor.py +142 -18
- mindspore/parallel/_utils.py +199 -23
- mindspore/parallel/algo_parameter_config.py +4 -4
- mindspore/parallel/auto_parallel.py +732 -0
- mindspore/parallel/checkpoint_convert.py +159 -0
- mindspore/parallel/checkpoint_transform.py +700 -35
- mindspore/parallel/cluster/process_entity/_api.py +276 -50
- mindspore/parallel/cluster/process_entity/_utils.py +41 -6
- mindspore/parallel/cluster/run.py +21 -4
- mindspore/parallel/function/__init__.py +24 -0
- mindspore/parallel/function/reshard_func.py +258 -0
- mindspore/parallel/nn/__init__.py +25 -0
- mindspore/parallel/nn/parallel_cell_wrapper.py +263 -0
- mindspore/parallel/nn/parallel_grad_reducer.py +169 -0
- mindspore/parallel/parameter_broadcast.py +25 -14
- mindspore/parallel/shard.py +137 -59
- mindspore/parallel/transform_safetensors.py +364 -305
- mindspore/pgodb140.dll +0 -0
- mindspore/pgort140.dll +0 -0
- mindspore/profiler/__init__.py +22 -5
- mindspore/profiler/analysis/__init__.py +0 -0
- mindspore/profiler/analysis/parser/__init__.py +0 -0
- mindspore/profiler/analysis/parser/ascend_cann_parser.py +170 -0
- mindspore/profiler/analysis/parser/base_parser.py +158 -0
- mindspore/profiler/analysis/parser/framework_cann_relation_parser.py +45 -0
- mindspore/profiler/analysis/parser/ms_framework_parser.py +142 -0
- mindspore/profiler/analysis/parser/ms_minddata_parser.py +145 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/__init__.py +0 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/ascend_timeline_assembler.py +264 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/base_timeline_assembler.py +40 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/trace_view_container.py +109 -0
- mindspore/profiler/analysis/parser/timeline_creator/__init__.py +0 -0
- mindspore/profiler/analysis/parser/timeline_creator/base_timeline_creator.py +44 -0
- mindspore/profiler/analysis/parser/timeline_creator/cpu_op_timeline_creator.py +90 -0
- mindspore/profiler/analysis/parser/timeline_creator/fwk_timeline_creator.py +76 -0
- mindspore/profiler/analysis/parser/timeline_creator/msprof_timeline_creator.py +103 -0
- mindspore/profiler/analysis/parser/timeline_creator/scope_layer_timeline_creator.py +134 -0
- mindspore/profiler/analysis/parser/timeline_event/__init__.py +0 -0
- mindspore/profiler/analysis/parser/timeline_event/base_event.py +233 -0
- mindspore/profiler/analysis/parser/timeline_event/cpu_op_event.py +47 -0
- mindspore/profiler/analysis/parser/timeline_event/flow_event.py +36 -0
- mindspore/profiler/analysis/parser/timeline_event/fwk_event.py +415 -0
- mindspore/profiler/analysis/parser/timeline_event/msprof_event.py +73 -0
- mindspore/profiler/analysis/parser/timeline_event/scope_layer_event.py +53 -0
- mindspore/profiler/analysis/parser/timeline_event/timeline_event_pool.py +146 -0
- mindspore/profiler/analysis/task_manager.py +131 -0
- mindspore/profiler/analysis/time_converter.py +84 -0
- mindspore/profiler/analysis/viewer/__init__.py +0 -0
- mindspore/profiler/analysis/viewer/ascend_communication_viewer.py +372 -0
- mindspore/profiler/analysis/viewer/ascend_integrate_viewer.py +87 -0
- mindspore/profiler/analysis/viewer/ascend_kernel_details_viewer.py +250 -0
- mindspore/profiler/analysis/viewer/ascend_memory_viewer.py +320 -0
- mindspore/profiler/analysis/viewer/ascend_op_memory_viewer.py +327 -0
- mindspore/profiler/analysis/viewer/ascend_step_trace_time_viewer.py +376 -0
- mindspore/profiler/analysis/viewer/ascend_timeline_viewer.py +58 -0
- mindspore/profiler/analysis/viewer/base_viewer.py +26 -0
- mindspore/profiler/analysis/viewer/ms_dataset_viewer.py +96 -0
- mindspore/profiler/analysis/viewer/ms_minddata_viewer.py +581 -0
- mindspore/profiler/analysis/work_flow.py +73 -0
- mindspore/profiler/common/ascend_msprof_exporter.py +139 -0
- mindspore/profiler/common/command_executor.py +90 -0
- mindspore/profiler/common/constant.py +186 -3
- mindspore/profiler/common/file_manager.py +208 -0
- mindspore/profiler/common/log.py +130 -0
- mindspore/profiler/common/msprof_cmd_tool.py +221 -0
- mindspore/profiler/common/path_manager.py +395 -0
- mindspore/profiler/common/process_bar.py +168 -0
- mindspore/profiler/common/process_pool.py +9 -3
- mindspore/profiler/common/profiler_context.py +500 -0
- mindspore/profiler/common/profiler_info.py +304 -0
- mindspore/profiler/common/profiler_meta_data.py +74 -0
- mindspore/profiler/common/profiler_output_path.py +284 -0
- mindspore/profiler/common/profiler_parameters.py +251 -0
- mindspore/profiler/common/profiler_path_manager.py +179 -0
- mindspore/profiler/common/record_function.py +76 -0
- mindspore/profiler/common/tlv_decoder.py +76 -0
- mindspore/profiler/common/util.py +75 -2
- mindspore/profiler/dynamic_profiler.py +341 -75
- mindspore/profiler/envprofiler.py +163 -0
- mindspore/profiler/experimental_config.py +197 -0
- mindspore/profiler/mstx.py +242 -0
- mindspore/profiler/platform/__init__.py +21 -0
- mindspore/profiler/platform/base_profiler.py +40 -0
- mindspore/profiler/platform/cpu_profiler.py +124 -0
- mindspore/profiler/platform/gpu_profiler.py +74 -0
- mindspore/profiler/platform/npu_profiler.py +335 -0
- mindspore/profiler/profiler.py +1073 -90
- mindspore/profiler/profiler_action_controller.py +187 -0
- mindspore/profiler/profiler_interface.py +118 -0
- mindspore/profiler/schedule.py +243 -0
- mindspore/rewrite/api/node.py +15 -13
- mindspore/rewrite/api/symbol_tree.py +2 -3
- mindspore/run_check/_check_version.py +27 -20
- mindspore/run_check/run_check.py +1 -1
- mindspore/runtime/__init__.py +37 -0
- mindspore/runtime/device.py +27 -0
- mindspore/runtime/event.py +209 -0
- mindspore/runtime/executor.py +177 -0
- mindspore/runtime/memory.py +416 -0
- mindspore/runtime/stream.py +460 -0
- mindspore/runtime/thread_bind_core.py +401 -0
- mindspore/safeguard/rewrite_obfuscation.py +12 -9
- mindspore/swresample-4.dll +0 -0
- mindspore/swscale-6.dll +0 -0
- mindspore/tbbmalloc.dll +0 -0
- mindspore/tinyxml2.dll +0 -0
- mindspore/train/__init__.py +8 -8
- mindspore/train/_utils.py +96 -27
- mindspore/train/amp.py +9 -5
- mindspore/train/callback/__init__.py +2 -2
- mindspore/train/callback/_callback.py +2 -16
- mindspore/train/callback/_checkpoint.py +53 -55
- mindspore/train/callback/_cluster_monitor.py +14 -18
- mindspore/train/callback/_early_stop.py +1 -1
- mindspore/train/callback/_flops_collector.py +103 -68
- mindspore/train/callback/_history.py +8 -5
- mindspore/train/callback/_lambda_callback.py +2 -2
- mindspore/train/callback/_landscape.py +0 -3
- mindspore/train/callback/_loss_monitor.py +2 -1
- mindspore/train/callback/_on_request_exit.py +6 -5
- mindspore/train/callback/_reduce_lr_on_plateau.py +11 -6
- mindspore/train/callback/_summary_collector.py +52 -19
- mindspore/train/callback/_time_monitor.py +2 -1
- mindspore/train/callback/{_tft_register.py → _train_fault_tolerance.py} +228 -108
- mindspore/train/data_sink.py +25 -2
- mindspore/train/dataset_helper.py +15 -16
- mindspore/train/loss_scale_manager.py +8 -7
- mindspore/train/metrics/accuracy.py +3 -3
- mindspore/train/metrics/confusion_matrix.py +9 -9
- mindspore/train/metrics/error.py +3 -3
- mindspore/train/metrics/hausdorff_distance.py +4 -4
- mindspore/train/metrics/mean_surface_distance.py +3 -3
- mindspore/train/metrics/metric.py +0 -12
- mindspore/train/metrics/occlusion_sensitivity.py +4 -2
- mindspore/train/metrics/precision.py +11 -10
- mindspore/train/metrics/recall.py +9 -9
- mindspore/train/metrics/root_mean_square_surface_distance.py +2 -2
- mindspore/train/mind_ir_pb2.py +174 -46
- mindspore/train/model.py +269 -136
- mindspore/train/serialization.py +622 -978
- mindspore/train/summary/_summary_adapter.py +2 -2
- mindspore/train/summary/summary_record.py +2 -3
- mindspore/train/train_thor/model_thor.py +1 -1
- mindspore/turbojpeg.dll +0 -0
- mindspore/utils/__init__.py +6 -3
- mindspore/utils/dryrun.py +140 -0
- mindspore/utils/hooks.py +81 -0
- mindspore/utils/runtime_execution_order_check.py +552 -0
- mindspore/utils/utils.py +138 -4
- mindspore/vcmeta.dll +0 -0
- mindspore/vcruntime140.dll +0 -0
- mindspore/vcruntime140_1.dll +0 -0
- mindspore/version.py +1 -1
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/METADATA +3 -3
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/RECORD +587 -418
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/entry_points.txt +1 -1
- mindspore/_install_custom.py +0 -43
- mindspore/common/_register_for_adapter.py +0 -74
- mindspore/common/_tensor_overload.py +0 -139
- mindspore/mindspore_np_dtype.dll +0 -0
- mindspore/ops/auto_generate/gen_arg_dtype_cast.py +0 -252
- mindspore/ops/auto_generate/gen_arg_handler.py +0 -197
- mindspore/ops/operations/_opaque_predicate_registry.py +0 -41
- mindspore/ops_generate/gen_aclnn_implement.py +0 -263
- mindspore/ops_generate/gen_ops_inner_prim.py +0 -131
- mindspore/ops_generate/gen_pyboost_func.py +0 -1052
- mindspore/ops_generate/gen_utils.py +0 -209
- mindspore/ops_generate/op_proto.py +0 -145
- mindspore/ops_generate/template.py +0 -261
- mindspore/profiler/envprofiling.py +0 -254
- mindspore/profiler/profiling.py +0 -1926
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/WHEEL +0 -0
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/top_level.txt +0 -0
|
@@ -41,15 +41,20 @@ class Bijector(Cell):
|
|
|
41
41
|
param (dict): The parameters used to initialize the Bijector. Default: ``None`` .
|
|
42
42
|
|
|
43
43
|
Note:
|
|
44
|
-
`dtype` of bijector represents the type of the distributions that the bijector could operate on.
|
|
45
|
-
When `dtype` is None, there is no enforcement on the type of input value except that the input value
|
|
46
|
-
|
|
47
|
-
|
|
48
|
-
|
|
49
|
-
|
|
50
|
-
|
|
51
|
-
|
|
52
|
-
|
|
44
|
+
- `dtype` of bijector represents the type of the distributions that the bijector could operate on.
|
|
45
|
+
- When `dtype` is None, there is no enforcement on the type of input value except that the input value
|
|
46
|
+
has to be float type. During initialization, when `dtype` is None, there is no enforcement on the dtype
|
|
47
|
+
of the parameters. All parameters should have the same float type, otherwise a TypeError will be raised.
|
|
48
|
+
|
|
49
|
+
Specifically, the parameter type will follow the dtype of the input value.
|
|
50
|
+
|
|
51
|
+
- Parameters of the bijector will be casted into the same type as input value when `dtype` is None.
|
|
52
|
+
|
|
53
|
+
- When `dtype` is specified, it is forcing the parameters and input value to be the same dtype as `dtype`.
|
|
54
|
+
When the type of parameters or the type of the input value is not the same as `dtype`, a TypeError will be
|
|
55
|
+
raised.
|
|
56
|
+
|
|
57
|
+
- Only subtype of mindspore.float_type can be used to specify bijector's `dtype`.
|
|
53
58
|
|
|
54
59
|
Supported Platforms:
|
|
55
60
|
``Ascend`` ``GPU``
|
|
@@ -226,7 +231,8 @@ class Bijector(Cell):
|
|
|
226
231
|
|
|
227
232
|
def cast_param_by_value(self, value, para):
|
|
228
233
|
"""
|
|
229
|
-
|
|
234
|
+
Converts the data type of `para` in the input to the same type as `value`.
|
|
235
|
+
Typically used by subclasses of Bijector to convert data types of their own parameters.
|
|
230
236
|
|
|
231
237
|
Args:
|
|
232
238
|
value (Tensor): input value.
|
|
@@ -276,7 +282,7 @@ class Bijector(Cell):
|
|
|
276
282
|
**kwargs (dict): the dictionary of keyword arguments forwarded to subclasses.
|
|
277
283
|
|
|
278
284
|
Returns:
|
|
279
|
-
Tensor, the value of
|
|
285
|
+
Tensor, outputs the value of a random variable after mapping.
|
|
280
286
|
"""
|
|
281
287
|
return self._forward_log_jacobian(value, *args, **kwargs)
|
|
282
288
|
|
|
@@ -33,11 +33,11 @@ class GumbelCDF(Bijector):
|
|
|
33
33
|
name (str): The name of the Bijector. Default: ``'GumbelCDF'`` .
|
|
34
34
|
|
|
35
35
|
Note:
|
|
36
|
-
`scale` must be greater than zero.
|
|
37
|
-
For `inverse` and `inverse_log_jacobian`, input should be in range of (0, 1).
|
|
38
|
-
The dtype of `loc` and `scale` must be float.
|
|
39
|
-
If `loc`, `scale` are passed in as numpy.ndarray or tensor, they have to have
|
|
40
|
-
|
|
36
|
+
- `scale` must be greater than zero.
|
|
37
|
+
- For `inverse` and `inverse_log_jacobian`, input should be in range of (0, 1).
|
|
38
|
+
- The dtype of `loc` and `scale` must be float.
|
|
39
|
+
- If `loc`, `scale` are passed in as numpy.ndarray or tensor, they have to have
|
|
40
|
+
the same dtype otherwise an error will be raised.
|
|
41
41
|
|
|
42
42
|
Raises:
|
|
43
43
|
TypeError: When the dtype of `loc` or `scale` is not float,
|
|
@@ -25,8 +25,8 @@ class Invert(Bijector):
|
|
|
25
25
|
|
|
26
26
|
Args:
|
|
27
27
|
bijector (Bijector): Base Bijector.
|
|
28
|
-
name (str): The name of the Bijector. Default: ``""`` . When name is set to ""
|
|
29
|
-
'Invert' +
|
|
28
|
+
name (str): The name of the Bijector. Default: ``""`` . When name is set to ``""``, it is actually
|
|
29
|
+
``'Invert' + Bijector.name``.
|
|
30
30
|
|
|
31
31
|
Supported Platforms:
|
|
32
32
|
``Ascend`` ``GPU`` ``CPU``
|
|
@@ -26,11 +26,11 @@ class ScalarAffine(Bijector):
|
|
|
26
26
|
.. math::
|
|
27
27
|
Y = a * X + b
|
|
28
28
|
|
|
29
|
-
where a is the scale factor and b is the shift factor.
|
|
29
|
+
where :math:`a` is the scale factor and :math:`b` is the shift factor.
|
|
30
30
|
|
|
31
31
|
Args:
|
|
32
|
-
scale (float, list, numpy.ndarray, Tensor): The scale factor. Default: ``1.0`` .
|
|
33
|
-
shift (float, list, numpy.ndarray, Tensor): The shift factor. Default: ``0.0`` .
|
|
32
|
+
scale (float, list, numpy.ndarray, Tensor): The scale factor. :math:`a` in the formula. Default: ``1.0`` .
|
|
33
|
+
shift (float, list, numpy.ndarray, Tensor): The shift factor. :math:`b` in the formula. Default: ``0.0`` .
|
|
34
34
|
name (str): The name of the bijector. Default: ``'ScalarAffine'`` .
|
|
35
35
|
|
|
36
36
|
Note:
|
|
@@ -29,10 +29,11 @@ class Softplus(Bijector):
|
|
|
29
29
|
.. math::
|
|
30
30
|
Y = \frac{\log(1 + e ^ {kX})}{k}
|
|
31
31
|
|
|
32
|
-
where k is the sharpness factor.
|
|
32
|
+
where :math:`k` is the sharpness factor.
|
|
33
33
|
|
|
34
34
|
Args:
|
|
35
|
-
sharpness (float, list, numpy.ndarray, Tensor): The scale factor.
|
|
35
|
+
sharpness (float, list, numpy.ndarray, Tensor): The scale factor. :math:`k` in the above formula.
|
|
36
|
+
Default: ``1.0`` .
|
|
36
37
|
name (str): The name of the Bijector. Default: ``'Softplus'`` .
|
|
37
38
|
|
|
38
39
|
Note:
|
|
@@ -37,9 +37,9 @@ class Beta(Distribution):
|
|
|
37
37
|
|
|
38
38
|
Args:
|
|
39
39
|
concentration1 (int, float, list, numpy.ndarray, Tensor): The concentration1,
|
|
40
|
-
also know as alpha of the Beta distribution. Default: ``None`` .
|
|
40
|
+
also know as :math:`alpha` of the Beta distribution. Default: ``None`` .
|
|
41
41
|
concentration0 (int, float, list, numpy.ndarray, Tensor): The concentration0, also know as
|
|
42
|
-
beta of the Beta distribution. Default: ``None`` .
|
|
42
|
+
:math:`beta` of the Beta distribution. Default: ``None`` .
|
|
43
43
|
seed (int): The seed used in sampling. The global seed is used if it is None. Default: ``None`` .
|
|
44
44
|
dtype (mindspore.dtype): The type of the event samples. Default: ``mstype.float32`` .
|
|
45
45
|
name (str): The name of the distribution. Default: ``'Beta'`` .
|
|
@@ -51,7 +51,7 @@ class Beta(Distribution):
|
|
|
51
51
|
|
|
52
52
|
Raises:
|
|
53
53
|
ValueError: When concentration1 <= 0 or concentration0 >=1.
|
|
54
|
-
TypeError: When the input `dtype` is not a subclass of float.
|
|
54
|
+
TypeError: When the input `dtype` is not a float or a subclass of float.
|
|
55
55
|
|
|
56
56
|
Supported Platforms:
|
|
57
57
|
``Ascend``
|
|
@@ -40,7 +40,7 @@ class Categorical(Distribution):
|
|
|
40
40
|
probs (Tensor, list, numpy.ndarray): Event probabilities. Default: ``None`` .
|
|
41
41
|
seed (int): The global seed is used in sampling. Global seed is used if it is None. Default: ``None`` .
|
|
42
42
|
dtype (mindspore.dtype): The type of the event samples. Default: ``mstype.int32`` .
|
|
43
|
-
name (str): The name of the distribution. Default: ``Categorical`` .
|
|
43
|
+
name (str): The name of the distribution. Default: ``'Categorical'`` .
|
|
44
44
|
|
|
45
45
|
Note:
|
|
46
46
|
`probs` must have rank at least 1, values are proper probabilities and sum to 1.
|
|
@@ -35,8 +35,10 @@ class Cauchy(Distribution):
|
|
|
35
35
|
Where :math:`a, b` are loc and scale parameter respectively.
|
|
36
36
|
|
|
37
37
|
Args:
|
|
38
|
-
loc (int, float, list, numpy.ndarray, Tensor): The location of the Cauchy distribution.
|
|
39
|
-
|
|
38
|
+
loc (int, float, list, numpy.ndarray, Tensor): The location of the Cauchy distribution.
|
|
39
|
+
:math:`a` in the formula. Default: ``None`` .
|
|
40
|
+
scale (int, float, list, numpy.ndarray, Tensor): The scale of the Cauchy distribution.
|
|
41
|
+
:math:`b` in the formula. Default: ``None`` .
|
|
40
42
|
seed (int): The seed used in sampling. The global seed is used if it is None. Default: ``None`` .
|
|
41
43
|
dtype (mindspore.dtype): The type of the event samples. Default: ``mstype.float32`` .
|
|
42
44
|
name (str): The name of the distribution. Default: ``'Cauchy'`` .
|
|
@@ -35,15 +35,14 @@ class Exponential(Distribution):
|
|
|
35
35
|
where :math:`\lambda` is the rate of the distribution.
|
|
36
36
|
|
|
37
37
|
Args:
|
|
38
|
-
rate (int, float, list, numpy.ndarray, Tensor): The inverse scale. Default: ``None`` .
|
|
39
|
-
seed (int): The seed used in sampling. The global seed is used if it is None. Default: ``None`` .
|
|
40
|
-
dtype (mindspore.dtype): The type of the event samples. Default: ``mstype.float32`` .
|
|
41
|
-
name (str): The name of the distribution. Default: ``'Exponential'`` .
|
|
38
|
+
rate (int, float, list, numpy.ndarray, Tensor, optional): The inverse scale. :math:`\lambda` in the formula. Default: ``None`` .
|
|
39
|
+
seed (int, optional): The seed used in sampling. The global seed is used if it is None. Default: ``None`` .
|
|
40
|
+
dtype (mindspore.dtype, optional): The type of the event samples. Default: ``mstype.float32`` .
|
|
41
|
+
name (str, optional): The name of the distribution. Default: ``'Exponential'`` .
|
|
42
42
|
|
|
43
43
|
Note:
|
|
44
|
-
`rate` must be strictly greater than 0.
|
|
45
|
-
`
|
|
46
|
-
`dtype` must be a float type because Exponential distributions are continuous.
|
|
44
|
+
- `rate` must be strictly greater than 0.
|
|
45
|
+
- `dtype` must be a float type because Exponential distributions are continuous.
|
|
47
46
|
|
|
48
47
|
Raises:
|
|
49
48
|
ValueError: When rate <= 0.
|
|
@@ -39,9 +39,9 @@ class Gamma(Distribution):
|
|
|
39
39
|
|
|
40
40
|
Args:
|
|
41
41
|
concentration (int, float, list, numpy.ndarray, Tensor): The concentration,
|
|
42
|
-
also know as alpha of the Gamma distribution. Default: ``None`` .
|
|
42
|
+
also know as :math:`\alpha` of the Gamma distribution. Default: ``None`` .
|
|
43
43
|
rate (int, float, list, numpy.ndarray, Tensor): The rate, also know as
|
|
44
|
-
beta of the Gamma distribution. Default: ``None`` .
|
|
44
|
+
:math:`\beta` of the Gamma distribution. Default: ``None`` .
|
|
45
45
|
seed (int): The seed used in sampling. The global seed is used if it is None. Default: ``None`` .
|
|
46
46
|
dtype (mindspore.dtype): The type of the event samples. Default: ``mstype.float32`` .
|
|
47
47
|
name (str): The name of the distribution. Default: ``'Gamma'`` .
|
|
@@ -37,8 +37,8 @@ class Gumbel(TransformedDistribution):
|
|
|
37
37
|
Where :math:`a, b` are loc and scale parameter respectively.
|
|
38
38
|
|
|
39
39
|
Args:
|
|
40
|
-
loc (int, float, list, numpy.ndarray, Tensor): The location of Gumbel distribution.
|
|
41
|
-
scale (int, float, list, numpy.ndarray, Tensor): The scale of Gumbel distribution.
|
|
40
|
+
loc (int, float, list, numpy.ndarray, Tensor): The location of Gumbel distribution. :math:`a` in the formula.
|
|
41
|
+
scale (int, float, list, numpy.ndarray, Tensor): The scale of Gumbel distribution. :math:`b` in the formula.
|
|
42
42
|
seed (int): the seed used in sampling. The global seed is used if it is None. Default: ``0`` .
|
|
43
43
|
dtype (mindspore.dtype): type of the distribution. Default: ``mstype.float32`` .
|
|
44
44
|
name (str): the name of the distribution. Default: ``'Gumbel'`` .
|
|
@@ -36,9 +36,11 @@ class HalfNormal(Distribution):
|
|
|
36
36
|
where :math:`\mu, \sigma` are the mean and the standard deviation of the half normal distribution respectively.
|
|
37
37
|
|
|
38
38
|
Args:
|
|
39
|
-
mean (Union[int, float, list, numpy.ndarray, Tensor], optional):
|
|
39
|
+
mean (Union[int, float, list, numpy.ndarray, Tensor], optional):
|
|
40
|
+
The mean of the distribution. :math:`\mu` in the formula.
|
|
40
41
|
If this arg is ``None`` , then the mean of the distribution will be passed in runtime. Default: ``None`` .
|
|
41
|
-
sd (Union[int, float, list, numpy.ndarray, Tensor], optional):
|
|
42
|
+
sd (Union[int, float, list, numpy.ndarray, Tensor], optional):
|
|
43
|
+
The standard deviation of the distribution. :math:`\sigma` in the formula.
|
|
42
44
|
If this arg is ``None`` , then the sd of the distribution will be passed in runtime. Default: ``None`` .
|
|
43
45
|
seed (int, optional): The seed used in sampling. The global seed is used if it is None. Default: ``None`` .
|
|
44
46
|
dtype (mindspore.dtype, optional): The type of the event samples. Default: ``mstype.float32`` .
|
|
@@ -52,7 +54,7 @@ class HalfNormal(Distribution):
|
|
|
52
54
|
|
|
53
55
|
Raises:
|
|
54
56
|
ValueError: When sd <= 0.
|
|
55
|
-
TypeError: When the input `dtype` is not a subclass of float.
|
|
57
|
+
TypeError: When the input `dtype` is not a float or a subclass of float.
|
|
56
58
|
|
|
57
59
|
Supported Platforms:
|
|
58
60
|
``CPU``
|
|
@@ -36,8 +36,10 @@ class Logistic(Distribution):
|
|
|
36
36
|
where :math:`a, b` are loc and scale parameter respectively.
|
|
37
37
|
|
|
38
38
|
Args:
|
|
39
|
-
loc (float, list, numpy.ndarray, Tensor): The location of the Logistic distribution.
|
|
40
|
-
|
|
39
|
+
loc (float, list, numpy.ndarray, Tensor): The location of the Logistic distribution.
|
|
40
|
+
:math:`a` in the formula. Default: ``None`` .
|
|
41
|
+
scale (float, list, numpy.ndarray, Tensor): The scale of the Logistic distribution.
|
|
42
|
+
:math:`b` in the formula. Default: ``None`` .
|
|
41
43
|
seed (int): The seed used in sampling. The global seed is used if it is None. Default: ``None`` .
|
|
42
44
|
dtype (mindspore.dtype): The type of the event samples. Default: ``mstype.float32`` .
|
|
43
45
|
name (str): The name of the distribution. Default: ``'Logistic'`` .
|
|
@@ -49,7 +51,7 @@ class Logistic(Distribution):
|
|
|
49
51
|
|
|
50
52
|
Raises:
|
|
51
53
|
ValueError: When scale <= 0.
|
|
52
|
-
TypeError: When the input `dtype` is not a subclass of float.
|
|
54
|
+
TypeError: When the input `dtype` is not a float or a subclass of float.
|
|
53
55
|
|
|
54
56
|
Supported Platforms:
|
|
55
57
|
``Ascend`` ``GPU``
|
|
@@ -36,7 +36,7 @@ class Poisson(Distribution):
|
|
|
36
36
|
where :math:`\lambda` is the rate of the distribution.
|
|
37
37
|
|
|
38
38
|
Args:
|
|
39
|
-
rate (list, numpy.ndarray, Tensor): The rate of the Poisson distribution. Default: ``None`` .
|
|
39
|
+
rate (list, numpy.ndarray, Tensor): The rate of the Poisson distribution. :math:`\lambda` in the formula. Default: ``None`` .
|
|
40
40
|
seed (int): The seed used in sampling. The global seed is used if it is ``None`` . Default: ``None`` .
|
|
41
41
|
dtype (mindspore.dtype): The type of the event samples. Default: ``mstype.float32`` .
|
|
42
42
|
name (str): The name of the distribution. Default: ``'Poisson'`` .
|
|
@@ -36,8 +36,10 @@ class Uniform(Distribution):
|
|
|
36
36
|
Where :math:`a, b` are the lower and upper bound respectively.
|
|
37
37
|
|
|
38
38
|
Args:
|
|
39
|
-
low (int, float, list, numpy.ndarray, Tensor): The lower bound of the distribution.
|
|
40
|
-
|
|
39
|
+
low (int, float, list, numpy.ndarray, Tensor): The lower bound of the distribution.
|
|
40
|
+
:math:`a` in the formula. Default: ``None`` .
|
|
41
|
+
high (int, float, list, numpy.ndarray, Tensor): The upper bound of the distribution.
|
|
42
|
+
:math:`b` in the formula. Default: ``None`` .
|
|
41
43
|
seed (int): The seed uses in sampling. The global seed is used if it is ``None`` . Default: ``None`` .
|
|
42
44
|
dtype (mindspore.dtype): The type of the event samples. Default: ``mstype.float32`` .
|
|
43
45
|
name (str): The name of the distribution. Default: ``'Uniform'`` .
|
|
@@ -49,7 +51,7 @@ class Uniform(Distribution):
|
|
|
49
51
|
|
|
50
52
|
Raises:
|
|
51
53
|
ValueError: When high <= low.
|
|
52
|
-
TypeError: When the input `dtype` is not a subclass of float.
|
|
54
|
+
TypeError: When the input `dtype` is not a float or a subclass of float.
|
|
53
55
|
|
|
54
56
|
Supported Platforms:
|
|
55
57
|
``Ascend`` ``GPU`` ``CPU``
|
|
@@ -34,7 +34,7 @@ class TensorsQueue(Cell):
|
|
|
34
34
|
dtype (mindspore.dtype): the data type in the TensorsQueue. Each tensor should have the same dtype.
|
|
35
35
|
shapes (tuple[int64]): the shape of each element in TensorsQueue.
|
|
36
36
|
size (int): the size of the TensorsQueue.
|
|
37
|
-
name (
|
|
37
|
+
name (str): the name of this TensorsQueue. Default: "TQ".
|
|
38
38
|
|
|
39
39
|
Raises:
|
|
40
40
|
TypeError: If `dtype` is not mindspore number type.
|
|
@@ -34,7 +34,7 @@ class TensorArray(Cell):
|
|
|
34
34
|
element_shape (tuple[int]): the shape of each tensor in a TensorArray.
|
|
35
35
|
dynamic_size (bool): if ``true`` , the size of TensorArray can be increased. Default: ``True`` .
|
|
36
36
|
size (int): if dynamic_size=False, `size` means the max_size of the TensorArray.
|
|
37
|
-
name (
|
|
37
|
+
name (str): the name of this TensorArray. Default: ``"TA"`` .
|
|
38
38
|
|
|
39
39
|
Supported Platforms:
|
|
40
40
|
``GPU`` ``CPU``
|
mindspore/nn/utils/init.py
CHANGED
|
@@ -23,19 +23,21 @@ from mindspore.common.parameter import Parameter
|
|
|
23
23
|
@contextmanager
|
|
24
24
|
def no_init_parameters():
|
|
25
25
|
r"""
|
|
26
|
-
|
|
27
|
-
instantiated and occupy physical memory. Loading a checkpoint will replace the parameter values.
|
|
28
|
-
Decorator can be applied during network instantiation to add an attribute `init_param` to all
|
|
29
|
-
parameters within the current Cell, setting it to `init_param=False` .
|
|
30
|
-
When `init_param=False` is detected, the initialization of the parameters is skipped,
|
|
31
|
-
and the parameters are assigned values directly from the checkpoint during loading,
|
|
32
|
-
which can optimize performance and reduce physical memory usage.
|
|
26
|
+
This interface is used to skip parameter initialization.
|
|
33
27
|
|
|
34
|
-
|
|
35
|
-
|
|
36
|
-
|
|
28
|
+
In scenarios where a checkpoint is loaded, parameters within the network instantiation will be
|
|
29
|
+
instantiated and occupy physical memory. Loading a checkpoint will replace the parameter values.
|
|
30
|
+
Decorator can be applied during network instantiation to add an attribute `init_param` to all
|
|
31
|
+
parameters within the current Cell, setting it to `init_param=False` .
|
|
32
|
+
When `init_param=False` is detected, the initialization of the parameters is skipped,
|
|
33
|
+
and the parameters are assigned values directly from the checkpoint during loading,
|
|
34
|
+
which can optimize performance and reduce physical memory usage.
|
|
37
35
|
|
|
38
|
-
|
|
36
|
+
Note:
|
|
37
|
+
Initialization of parameters created with `initializer` can only be skipped.
|
|
38
|
+
Parameters created by `Tensor` or `numpy` cannot be skipped.
|
|
39
|
+
|
|
40
|
+
Examples:
|
|
39
41
|
>>> import mindspore as ms
|
|
40
42
|
>>> from mindspore import nn, ops, load_checkpoint
|
|
41
43
|
>>> from mindspore.common.initializer import initializer
|
mindspore/nn/wrap/__init__.py
CHANGED
|
@@ -20,8 +20,8 @@ Use the Wrapper to combine the loss or build the training steps.
|
|
|
20
20
|
from __future__ import absolute_import
|
|
21
21
|
|
|
22
22
|
from mindspore.nn.wrap.cell_wrapper import ForwardValueAndGrad, TrainOneStepCell, WithLossCell, WithGradCell, \
|
|
23
|
-
WithEvalCell, ParameterUpdate, GetNextSingleOp, VirtualDatasetCellTriple,
|
|
24
|
-
|
|
23
|
+
WithEvalCell, ParameterUpdate, GetNextSingleOp, VirtualDatasetCellTriple, GradAccumulationCell, \
|
|
24
|
+
MicroBatchInterleaved, PipelineCell
|
|
25
25
|
from mindspore.nn.wrap.loss_scale import TrainOneStepWithLossScaleCell,\
|
|
26
26
|
DynamicLossScaleUpdateCell, FixedLossScaleUpdateCell
|
|
27
27
|
from mindspore.nn.wrap.grad_reducer import DistributedGradReducer, PipelineGradReducer
|
|
@@ -34,16 +34,16 @@ __all__ = [
|
|
|
34
34
|
"TrainOneStepCell",
|
|
35
35
|
"WithLossCell",
|
|
36
36
|
"WithGradCell",
|
|
37
|
-
"MicroBatchInterleaved",
|
|
38
|
-
"PipelineCell",
|
|
39
37
|
"WithEvalCell",
|
|
40
38
|
"GetNextSingleOp",
|
|
41
39
|
"TrainOneStepWithLossScaleCell",
|
|
42
40
|
"DistributedGradReducer",
|
|
43
|
-
"PipelineGradReducer",
|
|
44
41
|
"ParameterUpdate",
|
|
45
42
|
"DynamicLossScaleUpdateCell",
|
|
46
43
|
"FixedLossScaleUpdateCell",
|
|
47
44
|
"VirtualDatasetCellTriple",
|
|
48
|
-
"GradAccumulationCell"
|
|
45
|
+
"GradAccumulationCell",
|
|
46
|
+
"MicroBatchInterleaved",
|
|
47
|
+
"PipelineCell",
|
|
48
|
+
"PipelineGradReducer"
|
|
49
49
|
]
|