mindspore 2.4.10__cp311-cp311-win_amd64.whl → 2.5.0__cp311-cp311-win_amd64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of mindspore might be problematic. Click here for more details.
- mindspore/.commit_id +1 -1
- mindspore/__init__.py +8 -3
- mindspore/_c_dataengine.cp311-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp311-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp311-win_amd64.pyd +0 -0
- mindspore/_checkparam.py +0 -5
- mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +1 -1
- mindspore/_extends/parse/compile_config.py +64 -0
- mindspore/_extends/parse/deprecated/__init__.py +0 -0
- mindspore/_extends/parse/deprecated/deprecated_tensor_method.py +375 -0
- mindspore/_extends/parse/parser.py +23 -5
- mindspore/_extends/parse/standard_method.py +123 -27
- mindspore/_extends/pijit/pijit_func_white_list.py +1 -1
- mindspore/amp.py +7 -1
- 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/boost_cell_wrapper.py +136 -41
- mindspore/common/__init__.py +3 -1
- mindspore/common/_register_for_tensor.py +0 -1
- mindspore/common/_stub_tensor.py +25 -4
- mindspore/common/_tensor_cpp_method.py +17 -0
- mindspore/common/_tensor_docs.py +6132 -0
- mindspore/common/api.py +98 -21
- mindspore/common/dtype.py +34 -34
- mindspore/common/dump.py +2 -1
- mindspore/common/file_system.py +8 -3
- mindspore/common/generator.py +2 -0
- mindspore/common/hook_handle.py +3 -1
- mindspore/common/initializer.py +3 -4
- mindspore/common/lazy_inline.py +8 -2
- mindspore/common/mindir_util.py +10 -2
- mindspore/common/parameter.py +31 -15
- mindspore/common/tensor.py +713 -1337
- mindspore/communication/__init__.py +1 -1
- mindspore/communication/_comm_helper.py +5 -0
- mindspore/communication/comm_func.py +215 -173
- mindspore/communication/management.py +23 -20
- mindspore/context.py +285 -191
- mindspore/dataset/__init__.py +23 -19
- mindspore/dataset/callback/ds_callback.py +2 -1
- mindspore/dataset/core/config.py +84 -3
- mindspore/dataset/engine/cache_admin.py +3 -3
- mindspore/dataset/engine/cache_client.py +5 -4
- mindspore/dataset/engine/datasets.py +192 -149
- mindspore/dataset/engine/datasets_audio.py +14 -0
- mindspore/dataset/engine/datasets_standard_format.py +11 -11
- mindspore/dataset/engine/datasets_text.py +38 -1
- mindspore/dataset/engine/datasets_user_defined.py +100 -66
- mindspore/dataset/engine/datasets_vision.py +81 -8
- mindspore/dataset/engine/iterators.py +281 -63
- mindspore/dataset/engine/obs/util.py +8 -0
- mindspore/dataset/engine/queue.py +40 -0
- mindspore/dataset/engine/samplers.py +26 -2
- mindspore/dataset/engine/serializer_deserializer.py +1 -1
- mindspore/dataset/engine/validators.py +43 -11
- mindspore/dataset/transforms/py_transforms_util.py +17 -0
- mindspore/dataset/transforms/transforms.py +29 -12
- 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 +94 -0
- mindspore/device_context/ascend/op_precision.py +193 -0
- mindspore/device_context/ascend/op_tuning.py +127 -0
- mindspore/device_context/cpu/__init__.py +25 -0
- 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 +134 -0
- mindspore/dnnl.dll +0 -0
- mindspore/experimental/llm_boost/__init__.py +1 -0
- mindspore/experimental/llm_boost/ascend_native/__init__.py +22 -0
- mindspore/experimental/llm_boost/ascend_native/llama_boost_ascend_native.py +211 -0
- mindspore/experimental/llm_boost/ascend_native/llm_boost.py +52 -0
- mindspore/experimental/llm_boost/atb/boost_base.py +2 -3
- mindspore/experimental/llm_boost/atb/llama_boost.py +6 -1
- mindspore/experimental/llm_boost/register.py +1 -0
- mindspore/experimental/optim/adadelta.py +26 -22
- mindspore/experimental/optim/adam.py +3 -0
- mindspore/experimental/optim/lr_scheduler.py +33 -24
- mindspore/experimental/optim/radam.py +33 -30
- mindspore/hal/device.py +28 -0
- mindspore/hal/event.py +17 -0
- mindspore/hal/memory.py +94 -3
- mindspore/hal/stream.py +91 -6
- mindspore/include/api/context.h +0 -1
- mindspore/jpeg62.dll +0 -0
- mindspore/log.py +12 -0
- mindspore/mindrecord/__init__.py +1 -1
- 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.dll +0 -0
- mindspore/mindspore_common.dll +0 -0
- mindspore/mindspore_core.dll +0 -0
- mindspore/mindspore_glog.dll +0 -0
- mindspore/mindspore_ops.dll +0 -0
- mindspore/mint/__init__.py +824 -218
- mindspore/mint/distributed/__init__.py +66 -4
- mindspore/mint/distributed/distributed.py +2594 -44
- mindspore/mint/linalg/__init__.py +6 -0
- mindspore/mint/nn/__init__.py +473 -14
- mindspore/mint/nn/functional.py +486 -11
- mindspore/mint/nn/layer/__init__.py +17 -4
- mindspore/mint/nn/layer/_functions.py +330 -0
- mindspore/mint/nn/layer/activation.py +169 -1
- mindspore/mint/nn/layer/basic.py +123 -0
- mindspore/mint/nn/layer/conv.py +727 -0
- mindspore/mint/nn/layer/normalization.py +215 -19
- mindspore/mint/nn/layer/padding.py +797 -0
- mindspore/mint/nn/layer/pooling.py +170 -0
- mindspore/mint/optim/__init__.py +2 -1
- mindspore/mint/optim/adam.py +223 -0
- mindspore/mint/optim/adamw.py +26 -19
- mindspore/mint/special/__init__.py +2 -1
- mindspore/multiprocessing/__init__.py +5 -0
- mindspore/nn/cell.py +126 -19
- mindspore/nn/dynamic_lr.py +2 -1
- mindspore/nn/layer/activation.py +6 -6
- mindspore/nn/layer/basic.py +35 -25
- mindspore/nn/layer/channel_shuffle.py +3 -3
- mindspore/nn/layer/embedding.py +3 -3
- mindspore/nn/layer/normalization.py +8 -7
- mindspore/nn/layer/padding.py +4 -3
- mindspore/nn/layer/pooling.py +47 -13
- 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 +48 -26
- mindspore/nn/learning_rate_schedule.py +5 -3
- mindspore/nn/loss/loss.py +31 -36
- mindspore/nn/optim/ada_grad.py +1 -0
- mindspore/nn/optim/adadelta.py +2 -2
- mindspore/nn/optim/adam.py +1 -1
- mindspore/nn/optim/lars.py +1 -4
- mindspore/nn/optim/optimizer.py +1 -1
- mindspore/nn/optim/rprop.py +2 -2
- mindspore/nn/optim/thor.py +2 -1
- mindspore/nn/utils/init.py +13 -11
- mindspore/nn/wrap/cell_wrapper.py +4 -6
- mindspore/nn/wrap/loss_scale.py +3 -4
- mindspore/numpy/array_creations.py +60 -62
- mindspore/numpy/array_ops.py +148 -143
- mindspore/numpy/logic_ops.py +41 -42
- mindspore/numpy/math_ops.py +361 -359
- mindspore/numpy/utils.py +16 -16
- mindspore/numpy/utils_const.py +4 -4
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- mindspore/ops/__init__.py +2 -1
- mindspore/ops/_grad_experimental/grad_comm_ops.py +94 -13
- mindspore/ops/_grad_experimental/grad_debug_ops.py +6 -1
- mindspore/ops/_grad_experimental/grad_inner_ops.py +9 -0
- mindspore/ops/_grad_experimental/grad_math_ops.py +2 -1
- mindspore/ops/_op_impl/cpu/__init__.py +1 -0
- mindspore/ops/_op_impl/cpu/raise_op.py +28 -0
- mindspore/ops/_vmap/vmap_array_ops.py +20 -19
- mindspore/ops/_vmap/vmap_base.py +0 -2
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +19 -13
- mindspore/ops/_vmap/vmap_math_ops.py +11 -9
- mindspore/ops/_vmap/vmap_nn_ops.py +20 -34
- mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +149 -12
- mindspore/ops/auto_generate/gen_arg_handler.py +0 -61
- mindspore/ops/auto_generate/gen_extend_func.py +554 -60
- mindspore/ops/auto_generate/gen_ops_def.py +1621 -115
- mindspore/ops/auto_generate/gen_ops_prim.py +8024 -3409
- mindspore/ops/auto_generate/pyboost_inner_prim.py +183 -79
- mindspore/ops/composite/base.py +1 -1
- mindspore/ops/composite/multitype_ops/_compile_utils.py +229 -30
- mindspore/ops/composite/multitype_ops/pow_impl.py +0 -29
- mindspore/ops/function/__init__.py +12 -0
- mindspore/ops/function/array_func.py +561 -159
- mindspore/ops/function/clip_func.py +64 -0
- mindspore/ops/function/debug_func.py +28 -20
- mindspore/ops/function/image_func.py +1 -1
- mindspore/ops/function/linalg_func.py +5 -4
- mindspore/ops/function/math_func.py +1659 -290
- mindspore/ops/function/nn_func.py +988 -317
- mindspore/ops/function/parameter_func.py +3 -56
- mindspore/ops/function/random_func.py +243 -33
- mindspore/ops/function/sparse_unary_func.py +1 -1
- mindspore/ops/functional.py +18 -5
- mindspore/ops/functional_overload.py +897 -0
- mindspore/ops/operations/__init__.py +3 -2
- mindspore/ops/operations/_embedding_cache_ops.py +4 -4
- mindspore/ops/operations/_grad_ops.py +2 -34
- mindspore/ops/operations/_infer_ops.py +2 -1
- mindspore/ops/operations/_inner_ops.py +38 -8
- mindspore/ops/operations/array_ops.py +45 -303
- mindspore/ops/operations/comm_ops.py +19 -16
- mindspore/ops/operations/custom_ops.py +11 -55
- mindspore/ops/operations/debug_ops.py +42 -47
- mindspore/ops/operations/inner_ops.py +6 -4
- mindspore/ops/operations/linalg_ops.py +3 -2
- mindspore/ops/operations/manually_defined/ops_def.py +185 -104
- mindspore/ops/operations/math_ops.py +11 -216
- mindspore/ops/operations/nn_ops.py +146 -308
- mindspore/ops/primitive.py +23 -21
- mindspore/ops/tensor_method.py +1669 -0
- mindspore/ops_generate/aclnn_kernel_register_auto_cc_generator.py +110 -0
- mindspore/ops_generate/add_tensor_docs_generator.py +54 -0
- mindspore/ops_generate/arg_handler.py +0 -61
- mindspore/ops_generate/auto_grad_impl_cc_generator.py +135 -0
- mindspore/ops_generate/auto_grad_reg_cc_generator.py +93 -0
- mindspore/ops_generate/base_generator.py +11 -0
- mindspore/ops_generate/cpp_create_prim_instance_helper_generator.py +108 -0
- mindspore/ops_generate/functional_map_cpp_generator.py +491 -0
- mindspore/ops_generate/functional_overload_py_generator.py +110 -0
- mindspore/ops_generate/functions_cc_generator.py +233 -0
- mindspore/ops_generate/gen_aclnn_implement.py +110 -114
- mindspore/ops_generate/gen_constants.py +157 -3
- mindspore/ops_generate/gen_ops.py +245 -990
- mindspore/ops_generate/gen_pyboost_func.py +97 -998
- mindspore/ops_generate/gen_utils.py +119 -33
- mindspore/ops_generate/lite_ops_cpp_generator.py +155 -0
- mindspore/ops_generate/op_api_proto.py +206 -0
- mindspore/ops_generate/op_def_py_generator.py +131 -0
- mindspore/ops_generate/op_prim_py_generator.py +480 -0
- mindspore/ops_generate/op_proto.py +373 -108
- mindspore/ops_generate/op_template_parser.py +436 -0
- mindspore/ops_generate/ops_def_cc_generator.py +288 -0
- mindspore/ops_generate/ops_def_h_generator.py +74 -0
- mindspore/ops_generate/ops_name_h_generator.py +68 -0
- mindspore/ops_generate/ops_primitive_h_generator.py +81 -0
- mindspore/ops_generate/pyboost_functions_cpp_generator.py +370 -0
- mindspore/ops_generate/pyboost_functions_h_generator.py +68 -0
- mindspore/ops_generate/pyboost_functions_py_generator.py +148 -0
- mindspore/ops_generate/pyboost_grad_function_cpp_generator.py +154 -0
- mindspore/ops_generate/pyboost_inner_prim_generator.py +131 -0
- mindspore/ops_generate/pyboost_native_grad_functions_generator.py +268 -0
- mindspore/ops_generate/pyboost_op_cpp_code_generator.py +851 -0
- mindspore/ops_generate/pyboost_overload_functions_cpp_generator.py +344 -0
- mindspore/ops_generate/pyboost_utils.py +92 -33
- mindspore/ops_generate/template.py +294 -44
- mindspore/ops_generate/tensor_func_reg_cpp_generator.py +422 -0
- mindspore/parallel/__init__.py +3 -3
- mindspore/parallel/_auto_parallel_context.py +24 -33
- mindspore/parallel/_parallel_serialization.py +13 -2
- mindspore/parallel/_utils.py +4 -1
- mindspore/parallel/algo_parameter_config.py +1 -1
- mindspore/parallel/checkpoint_transform.py +44 -0
- mindspore/parallel/cluster/process_entity/_api.py +131 -37
- mindspore/parallel/cluster/process_entity/_utils.py +41 -6
- mindspore/parallel/cluster/run.py +20 -3
- mindspore/parallel/parameter_broadcast.py +1 -1
- mindspore/parallel/shard.py +3 -0
- mindspore/parallel/transform_safetensors.py +119 -253
- mindspore/profiler/__init__.py +17 -4
- mindspore/profiler/analysis/__init__.py +0 -0
- mindspore/profiler/analysis/parser/__init__.py +0 -0
- mindspore/profiler/analysis/parser/ascend_cann_parser.py +166 -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 +261 -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 +84 -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 +260 -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 +333 -0
- mindspore/profiler/analysis/viewer/ascend_integrate_viewer.py +87 -0
- mindspore/profiler/analysis/viewer/ascend_kernel_details_viewer.py +252 -0
- mindspore/profiler/analysis/viewer/ascend_memory_viewer.py +313 -0
- mindspore/profiler/analysis/viewer/ascend_op_memory_viewer.py +322 -0
- mindspore/profiler/analysis/viewer/ascend_step_trace_time_viewer.py +265 -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 +97 -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 +138 -0
- mindspore/profiler/common/command_executor.py +90 -0
- mindspore/profiler/common/constant.py +174 -3
- mindspore/profiler/common/file_manager.py +208 -0
- mindspore/profiler/common/log.py +130 -0
- mindspore/profiler/common/msprof_cmd_tool.py +202 -0
- mindspore/profiler/common/path_manager.py +371 -0
- mindspore/profiler/common/process_bar.py +168 -0
- mindspore/profiler/common/process_pool.py +9 -3
- mindspore/profiler/common/profiler_context.py +476 -0
- mindspore/profiler/common/profiler_info.py +304 -0
- mindspore/profiler/common/profiler_output_path.py +284 -0
- mindspore/profiler/common/profiler_parameters.py +210 -0
- mindspore/profiler/common/profiler_path_manager.py +120 -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 +270 -37
- mindspore/profiler/envprofiler.py +138 -0
- mindspore/profiler/mstx.py +199 -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 +309 -0
- mindspore/profiler/profiler.py +580 -93
- mindspore/profiler/profiler_action_controller.py +187 -0
- mindspore/profiler/profiler_interface.py +114 -0
- mindspore/profiler/schedule.py +208 -0
- mindspore/rewrite/api/symbol_tree.py +1 -2
- mindspore/run_check/_check_version.py +2 -6
- mindspore/runtime/__init__.py +37 -0
- mindspore/runtime/device.py +27 -0
- mindspore/runtime/event.py +209 -0
- mindspore/runtime/executor.py +148 -0
- mindspore/runtime/memory.py +392 -0
- mindspore/runtime/stream.py +460 -0
- mindspore/runtime/thread_bind_core.py +401 -0
- mindspore/swresample-4.dll +0 -0
- mindspore/swscale-6.dll +0 -0
- mindspore/tinyxml2.dll +0 -0
- mindspore/train/__init__.py +2 -2
- mindspore/train/_utils.py +53 -18
- mindspore/train/amp.py +8 -4
- mindspore/train/callback/_checkpoint.py +32 -18
- mindspore/train/callback/_early_stop.py +1 -1
- mindspore/train/callback/_flops_collector.py +105 -69
- mindspore/train/callback/_history.py +1 -1
- mindspore/train/callback/_summary_collector.py +44 -6
- mindspore/train/callback/_tft_register.py +31 -10
- mindspore/train/dataset_helper.py +11 -11
- mindspore/train/metrics/precision.py +4 -5
- mindspore/train/mind_ir_pb2.py +167 -46
- mindspore/train/model.py +13 -15
- mindspore/train/serialization.py +462 -76
- mindspore/train/summary/summary_record.py +1 -2
- mindspore/train/train_thor/model_thor.py +1 -1
- mindspore/turbojpeg.dll +0 -0
- mindspore/utils/__init__.py +4 -2
- mindspore/utils/dryrun.py +138 -0
- mindspore/utils/runtime_execution_order_check.py +550 -0
- mindspore/version.py +1 -1
- {mindspore-2.4.10.dist-info → mindspore-2.5.0.dist-info}/METADATA +2 -3
- {mindspore-2.4.10.dist-info → mindspore-2.5.0.dist-info}/RECORD +362 -238
- {mindspore-2.4.10.dist-info → mindspore-2.5.0.dist-info}/entry_points.txt +1 -1
- mindspore/common/_tensor_overload.py +0 -139
- mindspore/mindspore_np_dtype.dll +0 -0
- mindspore/profiler/envprofiling.py +0 -254
- mindspore/profiler/profiling.py +0 -1926
- {mindspore-2.4.10.dist-info → mindspore-2.5.0.dist-info}/WHEEL +0 -0
- {mindspore-2.4.10.dist-info → mindspore-2.5.0.dist-info}/top_level.txt +0 -0
|
@@ -26,11 +26,13 @@ from mindspore.ops.primitive import _primexpr
|
|
|
26
26
|
from mindspore.ops._primitive_cache import _get_cache_prim
|
|
27
27
|
from mindspore import _checkparam as Validator
|
|
28
28
|
from mindspore.ops.auto_generate import clamp_tensor, clamp_scalar
|
|
29
|
+
from mindspore.ops.auto_generate import inplace_clamp_tensor, inplace_clamp_scalar
|
|
29
30
|
|
|
30
31
|
__all__ = [
|
|
31
32
|
'clip_by_value',
|
|
32
33
|
'clip_by_norm',
|
|
33
34
|
'clamp',
|
|
35
|
+
'clamp_',
|
|
34
36
|
'clip',
|
|
35
37
|
'clip_by_global_norm',
|
|
36
38
|
]
|
|
@@ -277,6 +279,68 @@ def clamp(input, min=None, max=None):
|
|
|
277
279
|
return clamp_tensor(input, min, max)
|
|
278
280
|
return clamp_scalar(input, min, max)
|
|
279
281
|
|
|
282
|
+
|
|
283
|
+
def clamp_(input, min=None, max=None):
|
|
284
|
+
r"""
|
|
285
|
+
Clamps tensor values between the specified minimum value and maximum value.
|
|
286
|
+
|
|
287
|
+
Limits the value of :math:`input` to a range, whose lower limit is `min` and upper limit is `max` .
|
|
288
|
+
|
|
289
|
+
.. warning::
|
|
290
|
+
|
|
291
|
+
This is an experimental API that is subject to change or deletion.
|
|
292
|
+
|
|
293
|
+
.. math::
|
|
294
|
+
|
|
295
|
+
out_i= \left\{
|
|
296
|
+
\begin{array}{align}
|
|
297
|
+
max & \text{ if } input_i\ge max \\
|
|
298
|
+
input_i & \text{ if } min \lt input_i \lt max \\
|
|
299
|
+
min & \text{ if } input_i \le min \\
|
|
300
|
+
\end{array}\right.
|
|
301
|
+
|
|
302
|
+
Note:
|
|
303
|
+
- `min` and `max` cannot be None at the same time;
|
|
304
|
+
- When `min` is None and `max` is not None, the elements in Tensor larger than `max` will become `max`;
|
|
305
|
+
- When `min` is not None and `max` is None, the elements in Tensor smaller than `min` will become `min`;
|
|
306
|
+
- If `min` is greater than `max`, the value of all elements in Tensor will be set to `max`;
|
|
307
|
+
- The data type of `input`, `min` and `max` should support implicit type conversion and cannot be bool type.
|
|
308
|
+
|
|
309
|
+
Args:
|
|
310
|
+
input (Tensor): Input data, which type is Tensor. Tensors of arbitrary dimensions are supported.
|
|
311
|
+
min (Union(Tensor, float, int), optional): The minimum value. Default: ``None`` .
|
|
312
|
+
max (Union(Tensor, float, int), optional): The maximum value. Default: ``None`` .
|
|
313
|
+
|
|
314
|
+
Returns:
|
|
315
|
+
Tensor, a clipped Tensor.
|
|
316
|
+
The data type and shape are the same as input.
|
|
317
|
+
|
|
318
|
+
Raises:
|
|
319
|
+
ValueError: If both `min` and `max` are None.
|
|
320
|
+
TypeError: If the type of `input` is not in Tensor.
|
|
321
|
+
TypeError: If the type of `min` is not in None, Tensor, float or int.
|
|
322
|
+
TypeError: If the type of `max` is not in None, Tensor, float or int.
|
|
323
|
+
|
|
324
|
+
Supported Platforms:
|
|
325
|
+
``Ascend``
|
|
326
|
+
|
|
327
|
+
Examples:
|
|
328
|
+
>>> # case 1: the data type of input is Tensor
|
|
329
|
+
>>> import mindspore
|
|
330
|
+
>>> from mindspore import Tensor, ops
|
|
331
|
+
>>> import numpy as np
|
|
332
|
+
>>> min_value = Tensor(5, mindspore.float32)
|
|
333
|
+
>>> max_value = Tensor(20, mindspore.float32)
|
|
334
|
+
>>> input = Tensor(np.array([[1., 25., 5., 7.], [4., 11., 6., 21.]]), mindspore.float32)
|
|
335
|
+
>>> input.clamp_(min_value, max_value)
|
|
336
|
+
>>> print(input)
|
|
337
|
+
[[ 5. 20. 5. 7.]
|
|
338
|
+
[ 5. 11. 6. 20.]]
|
|
339
|
+
"""
|
|
340
|
+
if isinstance(min, Tensor) or isinstance(max, Tensor):
|
|
341
|
+
return inplace_clamp_tensor(input, min, max)
|
|
342
|
+
return inplace_clamp_scalar(input, min, max)
|
|
343
|
+
|
|
280
344
|
def clip(input, min=None, max=None):
|
|
281
345
|
r"""
|
|
282
346
|
Alias for :func:`mindspore.ops.clamp` .
|
|
@@ -28,8 +28,8 @@ def print_(*input_x):
|
|
|
28
28
|
Once set, the output will be saved in the file specified by print_file_path.
|
|
29
29
|
:func:`mindspore.parse_print` can be employed to reload the data.
|
|
30
30
|
For more information, please refer to :func:`mindspore.set_context` and :func:`mindspore.parse_print`.
|
|
31
|
-
In Ascend platform with graph mode,
|
|
32
|
-
to solve operator execution failure when outputting big tensor or outputting tensor intensively.
|
|
31
|
+
In Ascend platform with graph mode, the environment variables `MS_DUMP_SLICE_SIZE` and `MS_DUMP_WAIT_TIME`
|
|
32
|
+
can be set to solve operator execution failure when outputting big tensor or outputting tensor intensively.
|
|
33
33
|
|
|
34
34
|
Note:
|
|
35
35
|
In pynative mode, please use python print function.
|
|
@@ -73,10 +73,11 @@ def tensordump(file_name, tensor, mode='out'):
|
|
|
73
73
|
"""
|
|
74
74
|
Save Tensor in numpy's npy format.
|
|
75
75
|
|
|
76
|
-
|
|
76
|
+
.. warning::
|
|
77
|
+
- The parameter mode will no longer support the value 'all'.
|
|
77
78
|
|
|
78
|
-
In
|
|
79
|
-
Your code OpA --> OpB may compiled as OpA --> RedistributionOps --> OpB.
|
|
79
|
+
In Parallel situation, tensordump will dump slice of data at each rank.
|
|
80
|
+
In Ascend platform with graph mode, Your code OpA --> OpB may compiled as OpA --> RedistributionOps --> OpB.
|
|
80
81
|
|
|
81
82
|
Note: The redistribution operator is introduced,
|
|
82
83
|
Due to inter-device communication and shard strategies in the static graph parallel scenario.
|
|
@@ -91,21 +92,21 @@ def tensordump(file_name, tensor, mode='out'):
|
|
|
91
92
|
Different requirements of saving dump data can be achieved by configuring parameter mode:
|
|
92
93
|
|
|
93
94
|
- If the mode is 'out', the dump data contains only OpA's output slice.
|
|
94
|
-
- If the mode is 'all', the dump data contains both OpA's output slice and OpB's input slice.
|
|
95
95
|
- If the mode is 'in', the dump data contains only OpB's input slice.
|
|
96
96
|
|
|
97
|
-
For mode '
|
|
97
|
+
For mode 'in', the input slice npy file format is: fileName_dumpMode_dtype_id.npy.
|
|
98
98
|
|
|
99
|
-
For mode 'out'
|
|
99
|
+
For mode 'out', the output slice npy file format is: filename_dtype_id.npy.
|
|
100
100
|
|
|
101
|
-
- id: An auto increment ID.
|
|
102
101
|
- fileName: Value of the parameter file_name
|
|
103
102
|
(if parameter file_name is a user-specified path, the value of fileName is the last level of the path).
|
|
104
|
-
- cNodeID: The cnode ID in ir graph of step_parallel_end.ir.
|
|
105
103
|
- dumpMode: Value of the parameter mode.
|
|
106
|
-
-
|
|
104
|
+
- dtype: The original data type. Data of type bfloat16 stored in the .npy file will be converted to float32.
|
|
105
|
+
- id: An auto increment ID.
|
|
107
106
|
|
|
108
107
|
Note:
|
|
108
|
+
- In Ascend platform with graph mode, the environment variables `MS_DUMP_SLICE_SIZE` and `MS_DUMP_WAIT_TIME`
|
|
109
|
+
can be set to solve operator execution failure when outputting big tensor or outputting tensor intensively.
|
|
109
110
|
- The operator of tensordump doesn't support in control flow.
|
|
110
111
|
- If current parallel mode is STAND_ALONE, mode should only be 'out'.
|
|
111
112
|
- Parameter mode will be set to 'out' if user doesn't configure it.
|
|
@@ -114,23 +115,24 @@ def tensordump(file_name, tensor, mode='out'):
|
|
|
114
115
|
Args:
|
|
115
116
|
file_name (str): The path of the npy file saves.
|
|
116
117
|
tensor (Tensor): The tensor that user want to dump.
|
|
117
|
-
mode (str, optional): Used to control tensordump behavior, available value is one of ['in', 'out'
|
|
118
|
+
mode (str, optional): Used to control tensordump behavior, available value is one of ['in', 'out'].
|
|
118
119
|
Default value is ``out``.
|
|
119
120
|
|
|
120
121
|
Raises:
|
|
121
122
|
TypeError: If `file_name` is not str.
|
|
122
123
|
TypeError: If `tensor` is not Tensor.
|
|
123
124
|
TypeError: If `mode` is not str.
|
|
124
|
-
ValueError: If `mode` is not in one of ['in', 'out'
|
|
125
|
+
ValueError: If `mode` is not in one of ['in', 'out'].
|
|
125
126
|
|
|
126
127
|
Supported Platforms:
|
|
127
128
|
``Ascend``
|
|
128
129
|
|
|
129
130
|
Examples:
|
|
130
131
|
.. note::
|
|
131
|
-
Using msrun command to run below example: msrun --worker_num=2 --local_worker_num=2
|
|
132
|
-
--log_dir=msrun_log --join=True --cluster_time_out=300 tensordump_example.py
|
|
132
|
+
Using msrun command to run below example: msrun --worker_num=2 --local_worker_num=2
|
|
133
|
+
--master_port=11450 --log_dir=msrun_log --join=True --cluster_time_out=300 tensordump_example.py
|
|
133
134
|
|
|
135
|
+
>>> import os
|
|
134
136
|
>>> import numpy as np
|
|
135
137
|
>>> import mindspore as ms
|
|
136
138
|
>>> from mindspore import nn, Tensor, ops, context
|
|
@@ -147,11 +149,12 @@ def tensordump(file_name, tensor, mode='out'):
|
|
|
147
149
|
...
|
|
148
150
|
... def construct(self, x, y, b):
|
|
149
151
|
... out1 = self.matmul1(x, y)
|
|
150
|
-
... ops.tensordump(dump_path, out1, '
|
|
152
|
+
... ops.tensordump(dump_path, out1, 'out')
|
|
151
153
|
... out2 = self.matmul2(out1, b)
|
|
152
154
|
... return out2
|
|
153
155
|
...
|
|
154
|
-
>>> ms.set_context(mode=ms.GRAPH_MODE
|
|
156
|
+
>>> ms.set_context(mode=ms.GRAPH_MODE)
|
|
157
|
+
>>> os.environ["MS_DEV_SAVE_GRAPHS"] = "2"
|
|
155
158
|
>>> context.set_auto_parallel_context(parallel_mode='semi_auto_parallel', full_batch=True)
|
|
156
159
|
>>> strategy1 = ((1, 2), (2, 1))
|
|
157
160
|
>>> strategy2 = ((1, 2), (2, 1))
|
|
@@ -161,17 +164,22 @@ def tensordump(file_name, tensor, mode='out'):
|
|
|
161
164
|
>>> b = Tensor(0.1 * np.random.randn(64, 64).astype(np.float32))
|
|
162
165
|
>>> out = net(x, y, b)
|
|
163
166
|
>>> print(f"out shape is: {out.shape}")
|
|
164
|
-
>>>
|
|
165
|
-
>>>
|
|
167
|
+
>>> # out shape is (64, 64)
|
|
168
|
+
>>> matmul1_output_slice = np.load('dumps/rank_0/mul1_mul2_float32_0.npy') # load matmul1's output slice
|
|
169
|
+
>>> print(f"matmul1_output_slice is loaded, shape is: {matmul1_output_slice.shape}")
|
|
170
|
+
>>> # matmul1_output_slice is loaded, shape is: (64, 64)
|
|
166
171
|
"""
|
|
172
|
+
|
|
167
173
|
if not isinstance(file_name, str):
|
|
168
174
|
raise TypeError(f"Parameter file_name should only be build_in str type but got: {type(file_name)}")
|
|
169
175
|
if not isinstance(tensor, Tensor):
|
|
170
176
|
raise TypeError(f"Parameter tensor should only be Tensor type, but got: {type(tensor)}")
|
|
171
177
|
if not isinstance(mode, str):
|
|
172
178
|
raise TypeError(f"Parameter mode should only be build_in str type, but got: {type(mode)}")
|
|
173
|
-
mode_list = ['out', 'in'
|
|
179
|
+
mode_list = ['out', 'in']
|
|
174
180
|
if mode not in mode_list:
|
|
181
|
+
if mode == 'all':
|
|
182
|
+
raise ValueError(f"Argument [mode] has been not supported value of 'all'.")
|
|
175
183
|
raise ValueError(f"Parameter mode should in {mode_list}, but got {mode}")
|
|
176
184
|
_tensordump = _get_cache_prim(P.TensorDump)(input_output=mode)
|
|
177
185
|
return _tensordump(file_name, tensor)
|
|
@@ -252,7 +252,7 @@ def crop_and_resize(image, boxes, box_indices, crop_size, method="bilinear", ext
|
|
|
252
252
|
>>> crop_size = (24, 24)
|
|
253
253
|
>>> output = ops.crop_and_resize(Tensor(image), Tensor(boxes), Tensor(box_indices), crop_size)
|
|
254
254
|
>>> print(output.shape)
|
|
255
|
-
|
|
255
|
+
(5, 24, 24, 3)
|
|
256
256
|
"""
|
|
257
257
|
_crop_and_resize_check(image, boxes, box_indices, crop_size)
|
|
258
258
|
image_shape = image.shape
|
|
@@ -119,7 +119,7 @@ def eig(A):
|
|
|
119
119
|
Returns:
|
|
120
120
|
- **eigen_values** (Tensor) - Shape :math:`(*, N)`. eigenvalues of
|
|
121
121
|
the corresponding matrix. The eigenvalues may not have an order.
|
|
122
|
-
- **eigen_vectors** (Tensor) - Shape :math:`(*, N, N)`,columns of eigen vectors represent
|
|
122
|
+
- **eigen_vectors** (Tensor) - Shape :math:`(*, N, N)`, columns of eigen vectors represent
|
|
123
123
|
- **normalized** (unit length) eigenvectors of corresponding eigenvalues.
|
|
124
124
|
|
|
125
125
|
Raises:
|
|
@@ -157,7 +157,7 @@ def eigvals(A):
|
|
|
157
157
|
with float32, float64, complex64 or complex128 data type.
|
|
158
158
|
|
|
159
159
|
Returns:
|
|
160
|
-
Tensor
|
|
160
|
+
**eigen_values** (Tensor) - Shape :math:`(*, N)`. Returns the eigenvalues of
|
|
161
161
|
the corresponding matrix, which may not have an order.
|
|
162
162
|
|
|
163
163
|
Raises:
|
|
@@ -217,9 +217,10 @@ def svd(input, full_matrices=False, compute_uv=True):
|
|
|
217
217
|
|
|
218
218
|
Examples:
|
|
219
219
|
>>> import numpy as np
|
|
220
|
-
>>>
|
|
220
|
+
>>> import mindspore as ms
|
|
221
|
+
>>> from mindspore import Tensor
|
|
221
222
|
>>> from mindspore import ops
|
|
222
|
-
>>>
|
|
223
|
+
>>> ms.set_device(device_target="CPU")
|
|
223
224
|
>>> input = Tensor(np.array([[1, 2], [-4, -5], [2, 1]]).astype(np.float32))
|
|
224
225
|
>>> s, u, v = ops.svd(input, full_matrices=True, compute_uv=True)
|
|
225
226
|
>>> print(s)
|