mindspore 2.5.0__cp39-cp39-win_amd64.whl → 2.6.0rc1__cp39-cp39-win_amd64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of mindspore might be problematic. Click here for more details.
- mindspore/.commit_id +1 -1
- mindspore/Microsoft.VisualStudio.Telemetry.dll +0 -0
- mindspore/Newtonsoft.Json.dll +0 -0
- mindspore/__init__.py +6 -4
- mindspore/_c_dataengine.cp39-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp39-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp39-win_amd64.pyd +0 -0
- mindspore/_check_jit_forbidden_api.py +3 -0
- mindspore/_checkparam.py +3 -33
- mindspore/_deprecated/__init__.py +17 -0
- mindspore/_deprecated/jit.py +198 -0
- mindspore/_extends/builtin_operations.py +1 -1
- mindspore/_extends/parse/__init__.py +6 -7
- mindspore/_extends/parse/compile_config.py +19 -0
- mindspore/_extends/parse/deprecated/deprecated_tensor_method.py +22 -3
- 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 +24 -193
- mindspore/_extends/parse/resources.py +1 -5
- mindspore/_extends/parse/standard_method.py +97 -74
- mindspore/_extends/pijit/__init__.py +2 -2
- mindspore/_extends/pijit/pijit_func_white_list.py +16 -11
- mindspore/_extends/pijit/tensor_func_list.py +27 -0
- mindspore/_extends/utils.py +1 -1
- mindspore/amp.py +4 -4
- 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 +2 -2
- mindspore/c1.dll +0 -0
- mindspore/c1xx.dll +0 -0
- mindspore/c2.dll +0 -0
- mindspore/common/__init__.py +4 -3
- mindspore/common/_grad_function.py +56 -0
- mindspore/common/_pijit_context.py +14 -5
- mindspore/common/_register_for_tensor.py +1 -1
- mindspore/common/_stub_tensor.py +5 -10
- mindspore/common/_tensor_cpp_method.py +1 -1
- mindspore/common/_tensor_docs.py +1915 -3287
- mindspore/common/api.py +341 -354
- mindspore/common/auto_dynamic_shape.py +41 -44
- mindspore/common/dtype.py +5 -2
- mindspore/common/dump.py +7 -5
- mindspore/common/file_system.py +3 -0
- mindspore/common/hook_handle.py +5 -3
- mindspore/common/initializer.py +10 -6
- 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 +2 -2
- mindspore/common/mutable.py +5 -4
- mindspore/common/parameter.py +106 -39
- mindspore/common/seed.py +2 -2
- mindspore/common/sparse_tensor.py +23 -17
- mindspore/common/tensor.py +297 -714
- mindspore/communication/__init__.py +7 -5
- mindspore/communication/_comm_helper.py +47 -2
- mindspore/communication/comm_func.py +70 -53
- mindspore/communication/management.py +83 -17
- mindspore/context.py +214 -560
- mindspore/dataset/__init__.py +44 -20
- mindspore/dataset/audio/__init__.py +2 -8
- mindspore/dataset/audio/transforms.py +3 -17
- mindspore/dataset/core/config.py +3 -3
- mindspore/dataset/engine/cache_client.py +1 -1
- mindspore/dataset/engine/datasets.py +102 -120
- mindspore/dataset/engine/datasets_audio.py +22 -22
- mindspore/dataset/engine/datasets_standard_format.py +43 -24
- mindspore/dataset/engine/datasets_text.py +78 -85
- mindspore/dataset/engine/datasets_user_defined.py +108 -76
- mindspore/dataset/engine/datasets_vision.py +111 -108
- mindspore/dataset/engine/iterators.py +5 -3
- mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +1 -1
- mindspore/dataset/engine/samplers.py +279 -57
- mindspore/dataset/engine/serializer_deserializer.py +2 -1
- mindspore/dataset/engine/validators.py +10 -0
- 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/transforms.py +3 -3
- 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/device_context/ascend/op_debug.py +60 -1
- mindspore/device_context/ascend/op_tuning.py +0 -4
- mindspore/device_manager.py +39 -3
- mindspore/dnnl.dll +0 -0
- mindspore/dpcmi.dll +0 -0
- mindspore/experimental/es/embedding_service.py +35 -27
- mindspore/experimental/map_parameter.py +4 -4
- mindspore/experimental/optim/adadelta.py +22 -26
- mindspore/experimental/optim/adagrad.py +4 -4
- mindspore/experimental/optim/adam.py +4 -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 +40 -22
- mindspore/experimental/optim/radam.py +5 -5
- 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 -81
- mindspore/hal/event.py +38 -55
- mindspore/hal/memory.py +93 -144
- mindspore/hal/stream.py +81 -125
- mindspore/include/dataset/constants.h +7 -4
- mindspore/include/dataset/execute.h +2 -2
- mindspore/jpeg62.dll +0 -0
- mindspore/log.py +40 -2
- mindspore/mindrecord/__init__.py +20 -7
- 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 +131 -700
- mindspore/mint/distributed/__init__.py +5 -1
- mindspore/mint/distributed/distributed.py +194 -109
- mindspore/mint/linalg/__init__.py +2 -0
- mindspore/mint/nn/__init__.py +280 -18
- mindspore/mint/nn/functional.py +282 -64
- mindspore/mint/nn/layer/__init__.py +4 -0
- mindspore/mint/nn/layer/_functions.py +7 -3
- mindspore/mint/nn/layer/activation.py +120 -13
- mindspore/mint/nn/layer/conv.py +218 -24
- mindspore/mint/nn/layer/normalization.py +15 -16
- mindspore/mint/nn/layer/padding.py +1 -1
- mindspore/mint/nn/layer/pooling.py +66 -1
- mindspore/mint/optim/__init__.py +2 -1
- mindspore/mint/optim/sgd.py +171 -0
- 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/nn/__init__.py +4 -1
- mindspore/nn/cell.py +1250 -176
- mindspore/nn/layer/activation.py +23 -21
- mindspore/nn/layer/basic.py +22 -16
- mindspore/nn/layer/container.py +1 -1
- mindspore/nn/layer/conv.py +22 -17
- mindspore/nn/layer/embedding.py +9 -8
- mindspore/nn/layer/normalization.py +48 -42
- mindspore/nn/layer/pooling.py +75 -31
- mindspore/nn/layer/transformer.py +11 -10
- mindspore/nn/learning_rate_schedule.py +4 -2
- mindspore/nn/loss/loss.py +27 -19
- mindspore/nn/optim/ada_grad.py +6 -5
- mindspore/nn/optim/adadelta.py +9 -7
- mindspore/nn/optim/adafactor.py +1 -1
- mindspore/nn/optim/adam.py +16 -12
- 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/lazyadam.py +12 -10
- mindspore/nn/optim/momentum.py +7 -6
- mindspore/nn/optim/optimizer.py +2 -2
- mindspore/nn/optim/proximal_ada_grad.py +12 -10
- mindspore/nn/optim/rmsprop.py +13 -12
- mindspore/nn/optim/rprop.py +9 -7
- mindspore/nn/optim/sgd.py +9 -6
- mindspore/nn/optim/tft_wrapper.py +5 -2
- 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/wrap/__init__.py +6 -6
- mindspore/nn/wrap/cell_wrapper.py +178 -117
- mindspore/nn/wrap/grad_reducer.py +45 -36
- mindspore/nn/wrap/loss_scale.py +3 -3
- mindspore/numpy/array_creations.py +3 -3
- mindspore/numpy/array_ops.py +1 -1
- mindspore/numpy/math_ops.py +4 -4
- mindspore/numpy/utils.py +1 -2
- mindspore/numpy/utils_const.py +1 -2
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- mindspore/ops/__init__.py +3 -2
- mindspore/ops/_grad_experimental/grad_comm_ops.py +18 -3
- mindspore/ops/_grad_experimental/grad_debug_ops.py +8 -1
- mindspore/ops/_grad_experimental/taylor_rule.py +29 -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 -4
- mindspore/ops/_vmap/vmap_array_ops.py +7 -6
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +2 -1
- mindspore/ops/_vmap/vmap_math_ops.py +4 -7
- mindspore/ops/_vmap/vmap_nn_ops.py +9 -8
- mindspore/ops/auto_generate/__init__.py +4 -3
- mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +102 -49
- mindspore/ops/auto_generate/gen_extend_func.py +281 -135
- mindspore/ops/auto_generate/gen_ops_def.py +2574 -2326
- mindspore/ops/auto_generate/gen_ops_prim.py +8566 -2755
- mindspore/ops/auto_generate/pyboost_inner_prim.py +106 -76
- mindspore/ops/composite/__init__.py +2 -1
- mindspore/ops/composite/base.py +19 -24
- 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 +2 -3
- 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 -1
- 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 +28 -2
- mindspore/ops/function/_add_attr_func.py +58 -0
- mindspore/ops/function/array_func.py +1629 -2345
- mindspore/ops/function/clip_func.py +38 -45
- mindspore/ops/function/debug_func.py +36 -44
- mindspore/ops/function/grad/__init__.py +1 -0
- mindspore/ops/function/grad/grad_func.py +104 -71
- mindspore/ops/function/image_func.py +1 -1
- mindspore/ops/function/linalg_func.py +46 -78
- mindspore/ops/function/math_func.py +3035 -3705
- mindspore/ops/function/nn_func.py +676 -241
- mindspore/ops/function/other_func.py +159 -1
- mindspore/ops/function/parameter_func.py +17 -30
- mindspore/ops/function/random_func.py +204 -361
- mindspore/ops/function/reshard_func.py +4 -70
- mindspore/ops/function/sparse_func.py +3 -3
- mindspore/ops/function/sparse_unary_func.py +5 -5
- mindspore/ops/function/spectral_func.py +25 -58
- mindspore/ops/function/vmap_func.py +24 -17
- mindspore/ops/functional.py +6 -4
- mindspore/ops/functional_overload.py +547 -4
- mindspore/ops/op_info_register.py +32 -244
- mindspore/ops/operations/__init__.py +10 -5
- mindspore/ops/operations/_custom_ops_utils.py +247 -0
- mindspore/ops/operations/_grad_ops.py +1 -10
- mindspore/ops/operations/_inner_ops.py +5 -76
- 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 +37 -22
- mindspore/ops/operations/comm_ops.py +150 -107
- mindspore/ops/operations/custom_ops.py +221 -23
- mindspore/ops/operations/debug_ops.py +115 -16
- mindspore/ops/operations/inner_ops.py +1 -1
- mindspore/ops/operations/linalg_ops.py +1 -58
- mindspore/ops/operations/manually_defined/_inner.py +1 -1
- mindspore/ops/operations/manually_defined/ops_def.py +746 -79
- mindspore/ops/operations/math_ops.py +21 -18
- mindspore/ops/operations/nn_ops.py +65 -191
- 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 +43 -32
- mindspore/ops/tensor_method.py +232 -13
- mindspore/ops_generate/__init__.py +0 -5
- mindspore/ops_generate/aclnn/__init__.py +0 -0
- mindspore/ops_generate/{aclnn_kernel_register_auto_cc_generator.py → aclnn/aclnn_kernel_register_auto_cc_generator.py} +43 -18
- mindspore/ops_generate/{gen_aclnn_implement.py → aclnn/gen_aclnn_implement.py} +49 -51
- mindspore/ops_generate/api/__init__.py +0 -0
- mindspore/ops_generate/{add_tensor_docs_generator.py → api/add_tensor_docs_generator.py} +9 -7
- mindspore/ops_generate/{cpp_create_prim_instance_helper_generator.py → api/cpp_create_prim_instance_helper_generator.py} +6 -9
- mindspore/ops_generate/{functional_map_cpp_generator.py → api/functional_map_cpp_generator.py} +25 -12
- mindspore/ops_generate/{functional_overload_py_generator.py → api/functional_overload_py_generator.py} +8 -6
- mindspore/ops_generate/{functions_cc_generator.py → api/functions_cc_generator.py} +14 -10
- mindspore/ops_generate/api/gen_api.py +103 -0
- mindspore/ops_generate/{op_api_proto.py → api/op_api_proto.py} +98 -69
- mindspore/ops_generate/{tensor_func_reg_cpp_generator.py → api/tensor_func_reg_cpp_generator.py} +82 -43
- mindspore/ops_generate/common/__init__.py +0 -0
- mindspore/ops_generate/common/gen_constants.py +91 -0
- mindspore/ops_generate/{gen_utils.py → common/gen_utils.py} +72 -19
- mindspore/ops_generate/{op_proto.py → common/op_proto.py} +64 -1
- mindspore/ops_generate/{template.py → common/template.py} +96 -84
- mindspore/ops_generate/gen_ops.py +23 -325
- mindspore/ops_generate/op_def/__init__.py +0 -0
- mindspore/ops_generate/op_def/gen_op_def.py +90 -0
- mindspore/ops_generate/{lite_ops_cpp_generator.py → op_def/lite_ops_cpp_generator.py} +47 -11
- mindspore/ops_generate/{ops_def_cc_generator.py → op_def/ops_def_cc_generator.py} +18 -7
- mindspore/ops_generate/{ops_def_h_generator.py → op_def/ops_def_h_generator.py} +5 -5
- mindspore/ops_generate/{ops_name_h_generator.py → op_def/ops_name_h_generator.py} +30 -15
- 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_generator.py → op_def_py/op_def_py_generator.py} +6 -5
- mindspore/ops_generate/{op_prim_py_generator.py → op_def_py/op_prim_py_generator.py} +24 -15
- mindspore/ops_generate/pyboost/__init__.py +0 -0
- mindspore/ops_generate/{auto_grad_impl_cc_generator.py → pyboost/auto_grad_impl_cc_generator.py} +11 -7
- mindspore/ops_generate/{auto_grad_reg_cc_generator.py → pyboost/auto_grad_reg_cc_generator.py} +7 -7
- mindspore/ops_generate/{gen_pyboost_func.py → pyboost/gen_pyboost_func.py} +40 -16
- mindspore/ops_generate/{op_template_parser.py → pyboost/op_template_parser.py} +105 -24
- mindspore/ops_generate/{pyboost_functions_cpp_generator.py → pyboost/pyboost_functions_cpp_generator.py} +55 -18
- mindspore/ops_generate/{pyboost_functions_h_generator.py → pyboost/pyboost_functions_h_generator.py} +42 -10
- mindspore/ops_generate/{pyboost_functions_py_generator.py → pyboost/pyboost_functions_py_generator.py} +6 -6
- mindspore/ops_generate/{pyboost_grad_function_cpp_generator.py → pyboost/pyboost_grad_function_cpp_generator.py} +11 -10
- mindspore/ops_generate/{pyboost_inner_prim_generator.py → pyboost/pyboost_inner_prim_generator.py} +8 -7
- mindspore/ops_generate/{pyboost_native_grad_functions_generator.py → pyboost/pyboost_native_grad_functions_generator.py} +14 -10
- mindspore/ops_generate/{pyboost_op_cpp_code_generator.py → pyboost/pyboost_op_cpp_code_generator.py} +140 -53
- mindspore/ops_generate/{pyboost_overload_functions_cpp_generator.py → pyboost/pyboost_overload_functions_cpp_generator.py} +28 -15
- mindspore/ops_generate/{pyboost_utils.py → pyboost/pyboost_utils.py} +88 -4
- 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 +6 -2
- mindspore/parallel/_auto_parallel_context.py +133 -6
- mindspore/parallel/_cell_wrapper.py +130 -15
- mindspore/parallel/_parallel_serialization.py +95 -4
- mindspore/parallel/_ps_context.py +1 -1
- mindspore/parallel/_recovery_context.py +7 -2
- mindspore/parallel/_tensor.py +142 -18
- mindspore/parallel/_utils.py +198 -25
- mindspore/parallel/algo_parameter_config.py +3 -3
- mindspore/parallel/auto_parallel.py +732 -0
- mindspore/parallel/checkpoint_convert.py +159 -0
- mindspore/parallel/checkpoint_transform.py +656 -37
- mindspore/parallel/cluster/process_entity/_api.py +151 -19
- mindspore/parallel/cluster/run.py +1 -1
- 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 +24 -13
- mindspore/parallel/shard.py +137 -61
- mindspore/parallel/transform_safetensors.py +287 -95
- mindspore/pgodb140.dll +0 -0
- mindspore/pgort140.dll +0 -0
- mindspore/profiler/__init__.py +9 -5
- mindspore/profiler/analysis/parser/ascend_cann_parser.py +6 -2
- mindspore/profiler/analysis/parser/ms_framework_parser.py +4 -4
- mindspore/profiler/analysis/parser/timeline_assembly_factory/ascend_timeline_assembler.py +7 -4
- mindspore/profiler/analysis/parser/timeline_assembly_factory/trace_view_container.py +22 -0
- mindspore/profiler/analysis/parser/timeline_creator/fwk_timeline_creator.py +3 -3
- mindspore/profiler/analysis/parser/timeline_event/fwk_event.py +241 -86
- mindspore/profiler/analysis/viewer/ascend_communication_viewer.py +41 -2
- mindspore/profiler/analysis/viewer/ascend_kernel_details_viewer.py +33 -35
- mindspore/profiler/analysis/viewer/ascend_memory_viewer.py +7 -0
- mindspore/profiler/analysis/viewer/ascend_op_memory_viewer.py +8 -3
- mindspore/profiler/analysis/viewer/ascend_step_trace_time_viewer.py +141 -30
- mindspore/profiler/analysis/viewer/ms_dataset_viewer.py +5 -6
- mindspore/profiler/common/ascend_msprof_exporter.py +5 -4
- mindspore/profiler/common/constant.py +12 -0
- mindspore/profiler/common/msprof_cmd_tool.py +42 -23
- mindspore/profiler/common/path_manager.py +24 -0
- mindspore/profiler/common/profiler_context.py +26 -2
- mindspore/profiler/common/profiler_meta_data.py +74 -0
- mindspore/profiler/common/profiler_parameters.py +59 -18
- mindspore/profiler/common/profiler_path_manager.py +66 -7
- mindspore/profiler/dynamic_profiler.py +112 -79
- mindspore/profiler/envprofiler.py +26 -1
- mindspore/profiler/experimental_config.py +197 -0
- mindspore/profiler/mstx.py +57 -14
- mindspore/profiler/platform/npu_profiler.py +33 -7
- mindspore/profiler/profiler.py +541 -45
- mindspore/profiler/profiler_action_controller.py +1 -1
- mindspore/profiler/profiler_interface.py +4 -0
- mindspore/profiler/schedule.py +57 -22
- mindspore/rewrite/api/node.py +15 -13
- mindspore/rewrite/api/symbol_tree.py +1 -1
- mindspore/run_check/_check_version.py +25 -14
- mindspore/run_check/run_check.py +1 -1
- mindspore/runtime/__init__.py +2 -2
- mindspore/runtime/executor.py +40 -11
- mindspore/runtime/memory.py +25 -8
- 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 +35 -7
- mindspore/train/amp.py +1 -1
- mindspore/train/callback/__init__.py +2 -2
- mindspore/train/callback/_callback.py +2 -16
- mindspore/train/callback/_checkpoint.py +24 -40
- mindspore/train/callback/_cluster_monitor.py +14 -18
- mindspore/train/callback/_flops_collector.py +2 -3
- mindspore/train/callback/_history.py +7 -4
- 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 +8 -13
- mindspore/train/callback/_time_monitor.py +2 -1
- mindspore/train/callback/{_tft_register.py → _train_fault_tolerance.py} +179 -103
- mindspore/train/data_sink.py +25 -2
- mindspore/train/dataset_helper.py +4 -5
- 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 +8 -6
- mindspore/train/metrics/recall.py +9 -9
- mindspore/train/metrics/root_mean_square_surface_distance.py +2 -2
- mindspore/train/mind_ir_pb2.py +19 -12
- mindspore/train/model.py +176 -103
- mindspore/train/serialization.py +246 -988
- mindspore/train/summary/_summary_adapter.py +2 -2
- mindspore/train/summary/summary_record.py +1 -1
- mindspore/turbojpeg.dll +0 -0
- mindspore/utils/__init__.py +3 -2
- mindspore/utils/dryrun.py +4 -2
- mindspore/utils/hooks.py +81 -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.5.0.dist-info → mindspore-2.6.0rc1.dist-info}/METADATA +2 -1
- {mindspore-2.5.0.dist-info → mindspore-2.6.0rc1.dist-info}/RECORD +483 -438
- mindspore/_install_custom.py +0 -43
- mindspore/common/_register_for_adapter.py +0 -74
- mindspore/ops/auto_generate/gen_arg_dtype_cast.py +0 -252
- mindspore/ops/auto_generate/gen_arg_handler.py +0 -136
- mindspore/ops/operations/_opaque_predicate_registry.py +0 -41
- mindspore/ops_generate/gen_constants.py +0 -190
- mindspore/ops_generate/gen_ops_inner_prim.py +0 -131
- mindspore/ops_generate/ops_primitive_h_generator.py +0 -81
- /mindspore/ops_generate/{base_generator.py → common/base_generator.py} +0 -0
- {mindspore-2.5.0.dist-info → mindspore-2.6.0rc1.dist-info}/WHEEL +0 -0
- {mindspore-2.5.0.dist-info → mindspore-2.6.0rc1.dist-info}/entry_points.txt +0 -0
- {mindspore-2.5.0.dist-info → mindspore-2.6.0rc1.dist-info}/top_level.txt +0 -0
|
@@ -19,10 +19,12 @@ from mindspore.ops.function.math_func import inverse_ext as inv
|
|
|
19
19
|
from mindspore.ops.function.math_func import vector_norm_ext as vector_norm
|
|
20
20
|
from mindspore.ops.function.math_func import matrix_norm_ext as matrix_norm
|
|
21
21
|
from mindspore.ops.function.math_func import linalg_norm as norm
|
|
22
|
+
from mindspore.ops.auto_generate import linalg_qr as qr
|
|
22
23
|
|
|
23
24
|
__all__ = [
|
|
24
25
|
'inv',
|
|
25
26
|
'vector_norm',
|
|
26
27
|
'matrix_norm',
|
|
27
28
|
'norm',
|
|
29
|
+
'qr',
|
|
28
30
|
]
|
mindspore/mint/nn/__init__.py
CHANGED
|
@@ -21,6 +21,8 @@ from __future__ import absolute_import
|
|
|
21
21
|
import mindspore.ops as ops
|
|
22
22
|
from mindspore.mint.nn import functional as F
|
|
23
23
|
from mindspore.nn.cell import Cell
|
|
24
|
+
from mindspore.nn import AdaptiveMaxPool2d
|
|
25
|
+
from mindspore.nn import SoftMarginLoss
|
|
24
26
|
from mindspore.nn import EmbeddingExt as Embedding, MaxPool2dExt as MaxPool2d, LayerNormExt as LayerNorm, Linear
|
|
25
27
|
import mindspore.nn as nn
|
|
26
28
|
|
|
@@ -60,8 +62,7 @@ from mindspore.nn.layer import ReLU
|
|
|
60
62
|
# 14
|
|
61
63
|
from mindspore.nn.layer.basic import DropoutExt as Dropout
|
|
62
64
|
# 15
|
|
63
|
-
from mindspore.mint.nn.layer.conv import Conv2d, ConvTranspose2d
|
|
64
|
-
from mindspore.mint.nn.layer.conv import Conv3d
|
|
65
|
+
from mindspore.mint.nn.layer.conv import Conv1d, Conv2d, Conv3d, ConvTranspose2d
|
|
65
66
|
# 16
|
|
66
67
|
from mindspore.nn.layer import LogSoftmaxExt as LogSoftmax
|
|
67
68
|
# 17
|
|
@@ -125,7 +126,7 @@ from mindspore.mint.nn.layer.normalization import SyncBatchNorm
|
|
|
125
126
|
# 45
|
|
126
127
|
|
|
127
128
|
# 46
|
|
128
|
-
from mindspore.mint.nn.layer.activation import SiLU, LogSigmoid
|
|
129
|
+
from mindspore.mint.nn.layer.activation import SiLU, LogSigmoid, Sigmoid
|
|
129
130
|
|
|
130
131
|
# 47
|
|
131
132
|
|
|
@@ -224,7 +225,7 @@ from mindspore.mint.nn.layer.activation import SiLU, LogSigmoid
|
|
|
224
225
|
# 94
|
|
225
226
|
|
|
226
227
|
# 95
|
|
227
|
-
|
|
228
|
+
from mindspore.nn.layer import AvgPool3dExt as AvgPool3d
|
|
228
229
|
# 96
|
|
229
230
|
|
|
230
231
|
# 97
|
|
@@ -251,6 +252,9 @@ from mindspore.nn.loss import L1LossExt as L1Loss
|
|
|
251
252
|
# 254
|
|
252
253
|
from mindspore.mint.nn.layer.pooling import MaxUnpool2d
|
|
253
254
|
|
|
255
|
+
# 256
|
|
256
|
+
from mindspore.mint.nn.layer.activation import Threshold
|
|
257
|
+
|
|
254
258
|
# 257
|
|
255
259
|
|
|
256
260
|
# 258
|
|
@@ -270,6 +274,8 @@ from mindspore.mint.nn.layer.activation import Tanh
|
|
|
270
274
|
|
|
271
275
|
# 536
|
|
272
276
|
from mindspore.mint.nn.layer.activation import GLU
|
|
277
|
+
# 548
|
|
278
|
+
from mindspore.ops.function.nn_func import kl_div_ext
|
|
273
279
|
|
|
274
280
|
# 674
|
|
275
281
|
from mindspore.mint.nn.layer.normalization import BatchNorm1d
|
|
@@ -280,6 +286,8 @@ from mindspore.mint.nn.layer.normalization import BatchNorm2d
|
|
|
280
286
|
# 676
|
|
281
287
|
from mindspore.mint.nn.layer.normalization import BatchNorm3d
|
|
282
288
|
|
|
289
|
+
from mindspore.mint.nn.layer.pooling import AdaptiveMaxPool1d
|
|
290
|
+
|
|
283
291
|
from mindspore.mint.nn.layer.pooling import AdaptiveAvgPool1d
|
|
284
292
|
|
|
285
293
|
from mindspore.mint.nn.layer.pooling import AdaptiveAvgPool2d
|
|
@@ -288,6 +296,8 @@ from mindspore.ops.function.nn_func import cross_entropy_ext as cross_entropy
|
|
|
288
296
|
|
|
289
297
|
from mindspore.ops.function.nn_func import _nllloss_nd as nllloss
|
|
290
298
|
|
|
299
|
+
from mindspore.ops.auto_generate import upsample_nearest2d_op, upsample_bilinear2d_op
|
|
300
|
+
|
|
291
301
|
|
|
292
302
|
class NLLLoss(Cell):
|
|
293
303
|
r"""
|
|
@@ -306,7 +316,7 @@ class NLLLoss(Cell):
|
|
|
306
316
|
:math:`N` is the batch size, :math:`c` belonging to :math:`[0, C-1]` is class index,
|
|
307
317
|
where :math:`C` is the number of classes.
|
|
308
318
|
|
|
309
|
-
If `reduction` is not ``None`` (default ``'mean'``), then
|
|
319
|
+
If `reduction` is not ``'None'`` (default ``'mean'``), then
|
|
310
320
|
|
|
311
321
|
.. math::
|
|
312
322
|
|
|
@@ -426,7 +436,7 @@ class CrossEntropyLoss(Cell):
|
|
|
426
436
|
Note:
|
|
427
437
|
Dynamic shape, dynamic rank and variable constant input are not supported in `strict graph mode
|
|
428
438
|
(jit_syntax_level=mindspore.STRICT)
|
|
429
|
-
<https://www.mindspore.cn/docs/en/master/
|
|
439
|
+
<https://www.mindspore.cn/docs/en/master/api_python/mindspore/mindspore.JitConfig.html>`_.
|
|
430
440
|
|
|
431
441
|
Args:
|
|
432
442
|
weight (Tensor, optional): A rescaling weight applied to the loss of each batch element.
|
|
@@ -615,7 +625,7 @@ class GELU(Cell):
|
|
|
615
625
|
:align: center
|
|
616
626
|
|
|
617
627
|
Supported Platforms:
|
|
618
|
-
``Ascend``
|
|
628
|
+
``Ascend``
|
|
619
629
|
|
|
620
630
|
Examples:
|
|
621
631
|
>>> import mindspore
|
|
@@ -625,16 +635,23 @@ class GELU(Cell):
|
|
|
625
635
|
>>> gelu = mint.nn.GELU()
|
|
626
636
|
>>> output = gelu(input)
|
|
627
637
|
>>> print(output)
|
|
628
|
-
[[-1.
|
|
629
|
-
[ 1.
|
|
638
|
+
[[-1.58655241e-01 3.99987316e+00 -0.00000000e+00]
|
|
639
|
+
[ 1.95449972e+00 -1.41860323e-06 9.0000000e+00]]
|
|
640
|
+
>>> gelu = mint.nn.GELU(approximate="tanh")
|
|
641
|
+
>>> output = gelu(input)
|
|
642
|
+
>>> print(output)
|
|
643
|
+
[[-1.58808023e-01 3.99992990e+00 -3.10779147e-21]
|
|
644
|
+
[ 1.95459759e+00 -2.29180174e-07 9.0000000e+00]]
|
|
630
645
|
"""
|
|
631
646
|
|
|
632
|
-
def __init__(self):
|
|
647
|
+
def __init__(self, approximate="none"):
|
|
633
648
|
"""Initialize GELU"""
|
|
634
649
|
super(GELU, self).__init__()
|
|
650
|
+
self.approximate = approximate
|
|
635
651
|
|
|
636
652
|
def construct(self, input):
|
|
637
|
-
return F.gelu(input)
|
|
653
|
+
return F.gelu(input, approximate=self.approximate)
|
|
654
|
+
|
|
638
655
|
|
|
639
656
|
|
|
640
657
|
class Hardtanh(Cell):
|
|
@@ -855,7 +872,7 @@ class SmoothL1Loss(Cell):
|
|
|
855
872
|
0.16666667
|
|
856
873
|
>>> reduction_3 = 'sum'
|
|
857
874
|
>>> loss3 = mint.nn.SmoothL1Loss(reduction=reduction_3, beta=beta)
|
|
858
|
-
>>> output =
|
|
875
|
+
>>> output = loss3(input, target)
|
|
859
876
|
>>> print(output)
|
|
860
877
|
0.5
|
|
861
878
|
"""
|
|
@@ -950,11 +967,245 @@ class BCELoss(Cell):
|
|
|
950
967
|
return self.bce_loss(input, target)
|
|
951
968
|
|
|
952
969
|
|
|
970
|
+
class KLDivLoss(Cell):
|
|
971
|
+
r"""
|
|
972
|
+
Computes the Kullback-Leibler divergence between the `input` and the `target`.
|
|
973
|
+
|
|
974
|
+
For tensors of the same shape :math:`x` and :math:`y`,
|
|
975
|
+
the updating formulas of KLDivLoss algorithm are as follows,
|
|
976
|
+
|
|
977
|
+
.. math::
|
|
978
|
+
L(x, y) = y \cdot (\log y - x)
|
|
979
|
+
|
|
980
|
+
Then,
|
|
981
|
+
|
|
982
|
+
.. math::
|
|
983
|
+
\ell(x, y) = \begin{cases}
|
|
984
|
+
L(x, y), & \text{if reduction} = \text{'none';}\\
|
|
985
|
+
\operatorname{mean}(L(x, y)), & \text{if reduction} = \text{'mean';}\\
|
|
986
|
+
\operatorname{sum}(L(x, y)) / x.\operatorname{shape}[0], & \text{if reduction} = \text{'batchmean';}\\
|
|
987
|
+
\operatorname{sum}(L(x, y)), & \text{if reduction} = \text{'sum'.}
|
|
988
|
+
\end{cases}
|
|
989
|
+
|
|
990
|
+
where :math:`x` represents `input`, :math:`y` represents `target`, and :math:`\ell(x, y)` represents the output.
|
|
991
|
+
|
|
992
|
+
Note:
|
|
993
|
+
The output aligns with the mathematical definition of Kullback-Leibler divergence
|
|
994
|
+
only when `reduction` is set to ``'batchmean'``.
|
|
995
|
+
|
|
996
|
+
Args:
|
|
997
|
+
reduction (str, optional): Specifies the reduction to be applied to the output. Default: ``'mean'``.
|
|
998
|
+
log_target (bool, optional): Specifies whether `target` is passed in the log space. Default: ``False``.
|
|
999
|
+
|
|
1000
|
+
Inputs:
|
|
1001
|
+
- **input** (Tensor) - The input Tensor. The data type must be float16, float32 or bfloat16(only supported by
|
|
1002
|
+
Atlas A2 training series products).
|
|
1003
|
+
- **target** (Tensor) - The target Tensor which has the same type as `input`. The shapes of `target` and `input`
|
|
1004
|
+
should be broadcastable.
|
|
1005
|
+
|
|
1006
|
+
Outputs:
|
|
1007
|
+
Tensor, has the same dtype as `input`. If `reduction` is ``'none'``, then output has the shape as broadcast
|
|
1008
|
+
result of the `input` and `target`. Otherwise, it is a scalar Tensor.
|
|
1009
|
+
|
|
1010
|
+
Raises:
|
|
1011
|
+
TypeError: If neither `input` nor `target` is a Tensor.
|
|
1012
|
+
TypeError: If dtype of `input` or `target` is not float16, float32 or bfloat16.
|
|
1013
|
+
TypeError: If dtype of `target` is not the same as `input`.
|
|
1014
|
+
ValueError: If `reduction` is not one of ``'none'``, ``'mean'``, ``'sum'``, ``'batchmean'``.
|
|
1015
|
+
ValueError: If shapes of `target` and `input` can not be broadcastable.
|
|
1016
|
+
|
|
1017
|
+
Supported Platforms:
|
|
1018
|
+
``Ascend``
|
|
1019
|
+
|
|
1020
|
+
Examples:
|
|
1021
|
+
>>> import mindspore as ms
|
|
1022
|
+
>>> from mindspore import nn
|
|
1023
|
+
>>> import numpy as np
|
|
1024
|
+
>>> input = ms.Tensor(np.array([[0.5, 0.5], [0.4, 0.6]]), ms.float32)
|
|
1025
|
+
>>> target = ms.Tensor(np.array([[0., 1.], [1., 0.]]), ms.float32)
|
|
1026
|
+
>>> loss = nn.KLDivLoss(reduction='mean', log_target=False)
|
|
1027
|
+
>>> output = loss(input, target)
|
|
1028
|
+
>>> print(output)
|
|
1029
|
+
-0.225
|
|
1030
|
+
"""
|
|
1031
|
+
|
|
1032
|
+
def __init__(self, reduction='mean', log_target=False):
|
|
1033
|
+
super(KLDivLoss, self).__init__()
|
|
1034
|
+
self.reduction = reduction
|
|
1035
|
+
self.log_target = log_target
|
|
1036
|
+
|
|
1037
|
+
def construct(self, input, target):
|
|
1038
|
+
return kl_div_ext(input, target, self.reduction, self.log_target)
|
|
1039
|
+
|
|
1040
|
+
|
|
1041
|
+
class UpsamplingNearest2d(Cell):
|
|
1042
|
+
r"""
|
|
1043
|
+
Performs nearest neighbor upsampling operation.
|
|
1044
|
+
|
|
1045
|
+
This operator scale up the volumetric input with specified `size` or `scale_factor` factors, using nearest
|
|
1046
|
+
neighbor algorithm.
|
|
1047
|
+
|
|
1048
|
+
.. note::
|
|
1049
|
+
One of `size` or `scale_factor` must be given, and an error will be reported if both are specified.
|
|
1050
|
+
|
|
1051
|
+
.. warning::
|
|
1052
|
+
This is an experimental API that is subject to change or deletion.
|
|
1053
|
+
|
|
1054
|
+
Args:
|
|
1055
|
+
size (Union[tuple[int], list[int]], optional): A tuple or list of int specifying the output volumetric size.
|
|
1056
|
+
Default: ``None``.
|
|
1057
|
+
scale_factor (Union[tuple[float], list[float]], optional): A tuple or list of float specifying the upsampling
|
|
1058
|
+
factors. Default: ``None``.
|
|
1059
|
+
|
|
1060
|
+
Inputs:
|
|
1061
|
+
- **input** (Tensor) - 4D tensor of shape :math:`(N, C, H_{in}, W_{in})`.
|
|
1062
|
+
Supporting types: [uint8, float16, float32, float64].
|
|
1063
|
+
|
|
1064
|
+
Outputs:
|
|
1065
|
+
Upsampled output with the same type as `input` , whose shape is :math:`(N, C, H_{out}, W_{out})`.
|
|
1066
|
+
|
|
1067
|
+
Raises:
|
|
1068
|
+
TypeError: When `size` is not ``None`` and `size` is not list[int] or tuple[int].
|
|
1069
|
+
TypeError: When `scale_factor` is not ``None`` and `scale_factor` is not list[float] or tuple[float].
|
|
1070
|
+
TypeError: If dtype of `input` is not in [uint8, float16, float32, float64].
|
|
1071
|
+
ValueError: If any value of `size` is negative or zero when `size` is not ``None``.
|
|
1072
|
+
ValueError: If any value of `scale_factor` is negative or zero when `scale_factor` is not ``None``.
|
|
1073
|
+
ValueError: If shape of `input` is not 4D.
|
|
1074
|
+
ValueError: If both `scale_factor` and `size` are specified or neither `scale_factor` nor `size` is specified.
|
|
1075
|
+
ValueError: If size of `scale_factor` is not equal to 2 when `scale_factor` is specified.
|
|
1076
|
+
ValueError: If size of `size` is not equal to 2 when `size` is specified.
|
|
1077
|
+
|
|
1078
|
+
Supported Platforms:
|
|
1079
|
+
``Ascend``
|
|
1080
|
+
|
|
1081
|
+
Examples:
|
|
1082
|
+
>>> import numpy as np
|
|
1083
|
+
>>> from mindspore import Tensor, nn
|
|
1084
|
+
>>> from mindspore import dtype as mstype
|
|
1085
|
+
>>> inut = Tensor(np.arange(12).astype(np.float32).reshape(1, 2, 2, 3))
|
|
1086
|
+
>>> size = [4, 4]
|
|
1087
|
+
>>> net = nn.UpsamplingNearest2d(size, None)
|
|
1088
|
+
>>> output = net(inut)
|
|
1089
|
+
>>> print(output)
|
|
1090
|
+
[[[[0., 0., 1., 2.],
|
|
1091
|
+
[0., 0., 1., 2.],
|
|
1092
|
+
[3., 3., 4., 5.],
|
|
1093
|
+
[3., 3., 4., 5.]],
|
|
1094
|
+
[[6., 6., 7., 8.],
|
|
1095
|
+
[6., 6., 7., 8.],
|
|
1096
|
+
[9., 9., 10., 10.],
|
|
1097
|
+
[9., 9., 10., 10.]]]]
|
|
1098
|
+
"""
|
|
1099
|
+
|
|
1100
|
+
def __init__(self, size=None, scale_factor=None):
|
|
1101
|
+
"""Initialize UpsamplingNearest2d."""
|
|
1102
|
+
super(UpsamplingNearest2d, self).__init__()
|
|
1103
|
+
self.size = size
|
|
1104
|
+
self.scale_factor = scale_factor
|
|
1105
|
+
|
|
1106
|
+
def construct(self, input):
|
|
1107
|
+
return upsample_nearest2d_op(input, self.size, self.scale_factor)
|
|
1108
|
+
|
|
1109
|
+
|
|
1110
|
+
class UpsamplingBilinear2d(Cell):
|
|
1111
|
+
r"""
|
|
1112
|
+
Performs upsampling with trilinear interpolation across 2dims for 4dim input Tensor.
|
|
1113
|
+
|
|
1114
|
+
This operator scale up the volumetric input with specified `size` or `scale_factor` factors,
|
|
1115
|
+
using trilinear upscaling algorithm.
|
|
1116
|
+
|
|
1117
|
+
Note:
|
|
1118
|
+
One of `scale_factor` and `size` must be specified. And it is an error if both are specified.
|
|
1119
|
+
|
|
1120
|
+
.. warning::
|
|
1121
|
+
This is an experimental API that is subject to change or deletion.
|
|
1122
|
+
|
|
1123
|
+
Args:
|
|
1124
|
+
size (Union[tuple[int], list[int]], optional): A tuple or list of int specifying the output volumetric size.
|
|
1125
|
+
Default: ``None``.
|
|
1126
|
+
scale_factor (Union[tuple[float], list[float]], optional): A tuple or list of float specifying the upsampling
|
|
1127
|
+
factors. Default: ``None``.
|
|
1128
|
+
|
|
1129
|
+
Inputs:
|
|
1130
|
+
- **input** (Tensor) - 4D tensor of shape :math:`(N, C, H_{in}, W_{in})`.
|
|
1131
|
+
Supporting types: [float16, float32, float64].
|
|
1132
|
+
|
|
1133
|
+
Outputs:
|
|
1134
|
+
Upsampled output with the same type as `input` , whose shape is :math:`(N, C, H_{out}, W_{out})`.
|
|
1135
|
+
|
|
1136
|
+
Raises:
|
|
1137
|
+
TypeError: When `size` is not ``None`` and `size` is not list[int] or tuple[int].
|
|
1138
|
+
TypeError: When `scale_factor` is not ``None`` and `scale_factor` is not list[float] or tuple[float].
|
|
1139
|
+
TypeError: If dtype of `input` is not in [float16, float32, float64].
|
|
1140
|
+
ValueError: If any value of `size` is negative or zero when `size` is not ``None``.
|
|
1141
|
+
ValueError: If any value of `scale_factor` is negative or zero when `size` is not ``None``.
|
|
1142
|
+
ValueError: If shape of `input` is not 4D.
|
|
1143
|
+
ValueError: If both `scale_factor` and `size` are specified or neither `scale_factor` nor `size` is specified.
|
|
1144
|
+
ValueError: If size of `size` is not equal to 2 when `size` is specified.
|
|
1145
|
+
ValueError: If size of `scale_factor` is not equal to 2 when `scale_factor` is specified.
|
|
1146
|
+
|
|
1147
|
+
Supported Platforms:
|
|
1148
|
+
``Ascend``
|
|
1149
|
+
|
|
1150
|
+
Examples:
|
|
1151
|
+
>>> import numpy as np
|
|
1152
|
+
>>> from mindspore import Tensor, nn
|
|
1153
|
+
>>> size=[4, 5]
|
|
1154
|
+
>>> net = nn.UpsampleTrilinear2d(size, None)
|
|
1155
|
+
>>> in_x = Tensor(np.array([[[[0.1, 0.2, 0.3], [0.4, 0.5, 0.6]],
|
|
1156
|
+
>>> [[0.7, 0.8, 0.9], [1.0, 1.1, 1.2]]]]).astype(np.float32))
|
|
1157
|
+
>>> out = net(in_x)
|
|
1158
|
+
>>> print(out)
|
|
1159
|
+
[[[[0.1000, 0.1500, 0.2000, 0.2500, 0.3000],
|
|
1160
|
+
[0.2000, 0.2500, 0.3000, 0.3500, 0.4000],
|
|
1161
|
+
[0.3000, 0.3500, 0.4000, 0.4500, 0.5000],
|
|
1162
|
+
[0.4000, 0.4500, 0.5000, 0.5500, 0.6000]],
|
|
1163
|
+
[[0.7000, 0.7500, 0.8000, 0.8500, 0.9000],
|
|
1164
|
+
[0.8000, 0.8500, 0.9000, 0.9500, 1.0000],
|
|
1165
|
+
[0.9000, 0.9500, 1.0000, 1.0500, 1.1000],
|
|
1166
|
+
[1.0000, 1.0500, 1.1000, 1.1500, 1.2000]]]]
|
|
1167
|
+
"""
|
|
1168
|
+
|
|
1169
|
+
def __init__(self, size=None, scale_factor=None):
|
|
1170
|
+
"""Initialize UpsamplingBilinear2d."""
|
|
1171
|
+
super(UpsamplingBilinear2d, self).__init__()
|
|
1172
|
+
self.size = size
|
|
1173
|
+
self.scale_factor = scale_factor
|
|
1174
|
+
|
|
1175
|
+
def construct(self, input):
|
|
1176
|
+
return upsample_bilinear2d_op(input, self.size, self.scale_factor, True)
|
|
1177
|
+
|
|
1178
|
+
|
|
1179
|
+
class PixelShuffle(Cell):
|
|
1180
|
+
r"""Rearrange elements in a tensor according to an upscaling factor.
|
|
1181
|
+
|
|
1182
|
+
For details, please refer to :func:`mindspore.mint.nn.functional.pixel_shuffle`.
|
|
1183
|
+
|
|
1184
|
+
Supported Platforms:
|
|
1185
|
+
``Ascend``
|
|
1186
|
+
|
|
1187
|
+
Examples:
|
|
1188
|
+
>>> from mindspore import mint
|
|
1189
|
+
>>> pixel_shuffle = mint.nn.PixelShuffle(3)
|
|
1190
|
+
>>> input = mint.randn(1, 9, 4, 4)
|
|
1191
|
+
>>> output = pixel_shuffle(input)
|
|
1192
|
+
>>> print(output.shape())
|
|
1193
|
+
[1, 1, 12, 12]
|
|
1194
|
+
"""
|
|
1195
|
+
|
|
1196
|
+
def __init__(self, upscale_factor):
|
|
1197
|
+
super(PixelShuffle, self).__init__()
|
|
1198
|
+
self.upscale_factor = upscale_factor
|
|
1199
|
+
|
|
1200
|
+
def construct(self, input):
|
|
1201
|
+
return F.pixel_shuffle(input, self.upscale_factor)
|
|
1202
|
+
|
|
1203
|
+
|
|
953
1204
|
__all__ = [
|
|
954
1205
|
# 1
|
|
955
1206
|
'BCEWithLogitsLoss',
|
|
956
1207
|
# 2
|
|
957
|
-
|
|
1208
|
+
'PixelShuffle',
|
|
958
1209
|
# 3
|
|
959
1210
|
'Identity',
|
|
960
1211
|
# 4
|
|
@@ -993,7 +1244,9 @@ __all__ = [
|
|
|
993
1244
|
# 14
|
|
994
1245
|
|
|
995
1246
|
# 15
|
|
1247
|
+
'Conv1d',
|
|
996
1248
|
'Conv2d',
|
|
1249
|
+
'Conv3d',
|
|
997
1250
|
# 16
|
|
998
1251
|
'LogSoftmax',
|
|
999
1252
|
# 17
|
|
@@ -1001,7 +1254,7 @@ __all__ = [
|
|
|
1001
1254
|
# 18
|
|
1002
1255
|
'PReLU',
|
|
1003
1256
|
# 19
|
|
1004
|
-
|
|
1257
|
+
|
|
1005
1258
|
# 20
|
|
1006
1259
|
|
|
1007
1260
|
# 21
|
|
@@ -1061,7 +1314,7 @@ __all__ = [
|
|
|
1061
1314
|
# 47
|
|
1062
1315
|
|
|
1063
1316
|
# 48
|
|
1064
|
-
|
|
1317
|
+
'SoftMarginLoss',
|
|
1065
1318
|
# 49
|
|
1066
1319
|
|
|
1067
1320
|
# 50
|
|
@@ -1153,9 +1406,9 @@ __all__ = [
|
|
|
1153
1406
|
# 93
|
|
1154
1407
|
|
|
1155
1408
|
# 94
|
|
1156
|
-
|
|
1409
|
+
'AdaptiveMaxPool1d',
|
|
1157
1410
|
# 95
|
|
1158
|
-
|
|
1411
|
+
'AvgPool3d',
|
|
1159
1412
|
# 96
|
|
1160
1413
|
'AdaptiveAvgPool1d',
|
|
1161
1414
|
|
|
@@ -1182,6 +1435,8 @@ __all__ = [
|
|
|
1182
1435
|
'L1Loss',
|
|
1183
1436
|
# 254
|
|
1184
1437
|
'MaxUnpool2d',
|
|
1438
|
+
# 256
|
|
1439
|
+
'Threshold',
|
|
1185
1440
|
# 267
|
|
1186
1441
|
'Mish',
|
|
1187
1442
|
# 258
|
|
@@ -1191,6 +1446,9 @@ __all__ = [
|
|
|
1191
1446
|
# 294
|
|
1192
1447
|
'SmoothL1Loss',
|
|
1193
1448
|
|
|
1449
|
+
# 388
|
|
1450
|
+
'AdaptiveMaxPool2d',
|
|
1451
|
+
|
|
1194
1452
|
# 393
|
|
1195
1453
|
'Dropout2d',
|
|
1196
1454
|
# 406
|
|
@@ -1204,13 +1462,17 @@ __all__ = [
|
|
|
1204
1462
|
'BCELoss',
|
|
1205
1463
|
# 421
|
|
1206
1464
|
'Tanh',
|
|
1207
|
-
|
|
1465
|
+
# 548
|
|
1466
|
+
'KLDivLoss',
|
|
1208
1467
|
# 556
|
|
1209
1468
|
'LogSigmoid',
|
|
1469
|
+
'Sigmoid',
|
|
1210
1470
|
# 674
|
|
1211
1471
|
'BatchNorm1d',
|
|
1212
1472
|
# 675
|
|
1213
1473
|
'BatchNorm2d',
|
|
1214
1474
|
# 676
|
|
1215
1475
|
'BatchNorm3d',
|
|
1476
|
+
'UpsamplingNearest2d',
|
|
1477
|
+
'UpsamplingBilinear2d',
|
|
1216
1478
|
]
|