mindspore 2.7.0rc1__cp311-cp311-win_amd64.whl → 2.7.1__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 +5 -2
- 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 +2 -2
- mindspore/_extends/builtin_operations.py +3 -3
- mindspore/_extends/parallel_compile/akg_compiler/custom.py +1109 -0
- mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +1 -1
- mindspore/_extends/parse/__init__.py +3 -3
- mindspore/_extends/parse/compile_config.py +24 -1
- mindspore/_extends/parse/deprecated/deprecated_tensor_method.py +6 -3
- mindspore/_extends/parse/parser.py +28 -22
- mindspore/_extends/parse/resources.py +1 -1
- mindspore/_extends/parse/standard_method.py +23 -2
- mindspore/_extends/parse/trope.py +2 -1
- mindspore/_extends/pijit/pijit_func_white_list.py +9 -27
- mindspore/amp.py +0 -18
- 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/base.py +29 -2
- mindspore/common/__init__.py +18 -12
- mindspore/common/_decorator.py +3 -2
- mindspore/common/_grad_function.py +3 -1
- mindspore/common/_tensor_cpp_method.py +1 -1
- mindspore/common/_tensor_docs.py +371 -96
- mindspore/common/_utils.py +7 -43
- mindspore/common/api.py +434 -135
- mindspore/common/dtype.py +98 -57
- mindspore/common/dump.py +7 -108
- mindspore/common/dynamic_shape/__init__.py +0 -0
- mindspore/common/{auto_dynamic_shape.py → dynamic_shape/auto_dynamic_shape.py} +15 -23
- mindspore/common/dynamic_shape/enable_dynamic.py +197 -0
- mindspore/common/file_system.py +59 -9
- mindspore/common/hook_handle.py +82 -3
- mindspore/common/jit_config.py +5 -1
- mindspore/common/jit_trace.py +27 -12
- mindspore/common/lazy_inline.py +5 -3
- mindspore/common/np_dtype.py +3 -3
- mindspore/common/parameter.py +17 -127
- mindspore/common/recompute.py +4 -13
- mindspore/common/tensor.py +50 -217
- mindspore/communication/_comm_helper.py +11 -1
- mindspore/communication/comm_func.py +138 -4
- mindspore/communication/management.py +85 -1
- mindspore/config/op_info.config +0 -15
- mindspore/context.py +20 -106
- mindspore/dataset/__init__.py +1 -1
- mindspore/dataset/audio/transforms.py +1 -1
- mindspore/dataset/core/config.py +35 -1
- mindspore/dataset/engine/datasets.py +338 -319
- mindspore/dataset/engine/datasets_user_defined.py +38 -22
- mindspore/dataset/engine/datasets_vision.py +1 -1
- mindspore/dataset/engine/validators.py +1 -15
- mindspore/dataset/transforms/c_transforms.py +2 -2
- mindspore/dataset/transforms/transforms.py +3 -3
- mindspore/dataset/vision/__init__.py +1 -1
- mindspore/dataset/vision/py_transforms.py +8 -8
- mindspore/dataset/vision/transforms.py +17 -5
- mindspore/dataset/vision/utils.py +632 -21
- mindspore/device_context/ascend/op_tuning.py +35 -1
- mindspore/dnnl.dll +0 -0
- mindspore/{profiler/common/validator → graph}/__init__.py +9 -1
- mindspore/graph/custom_pass.py +55 -0
- mindspore/include/api/cell.h +28 -4
- mindspore/include/api/cfg.h +24 -7
- mindspore/include/api/context.h +1 -0
- mindspore/include/api/delegate.h +0 -2
- mindspore/include/api/dual_abi_helper.h +100 -19
- mindspore/include/api/graph.h +14 -1
- mindspore/include/api/kernel.h +16 -3
- mindspore/include/api/kernel_api.h +9 -1
- mindspore/include/api/metrics/accuracy.h +9 -0
- mindspore/include/api/model.h +5 -1
- mindspore/include/api/model_group.h +4 -0
- mindspore/include/api/model_parallel_runner.h +2 -0
- mindspore/include/api/status.h +48 -10
- mindspore/include/api/types.h +6 -1
- mindspore/include/dataset/constants.h +9 -0
- mindspore/include/dataset/execute.h +2 -2
- mindspore/jpeg62.dll +0 -0
- mindspore/mindrecord/__init__.py +3 -3
- mindspore/mindrecord/common/exceptions.py +1 -0
- mindspore/mindrecord/config.py +1 -1
- mindspore/{parallel/mpi → mindrecord/core}/__init__.py +4 -1
- mindspore/mindrecord/{shardheader.py → core/shardheader.py} +2 -1
- mindspore/mindrecord/{shardindexgenerator.py → core/shardindexgenerator.py} +1 -1
- mindspore/mindrecord/{shardreader.py → core/shardreader.py} +2 -1
- mindspore/mindrecord/{shardsegment.py → core/shardsegment.py} +2 -2
- mindspore/mindrecord/{shardutils.py → core/shardutils.py} +1 -1
- mindspore/mindrecord/{shardwriter.py → core/shardwriter.py} +1 -1
- mindspore/mindrecord/filereader.py +4 -4
- mindspore/mindrecord/filewriter.py +5 -5
- mindspore/mindrecord/mindpage.py +2 -2
- mindspore/mindrecord/tools/cifar10.py +4 -3
- mindspore/mindrecord/tools/cifar100.py +1 -1
- mindspore/mindrecord/tools/cifar100_to_mr.py +1 -1
- mindspore/mindrecord/tools/cifar10_to_mr.py +6 -6
- mindspore/mindrecord/tools/csv_to_mr.py +1 -1
- mindspore/mindrecord/tools/imagenet_to_mr.py +1 -1
- mindspore/mindrecord/tools/mnist_to_mr.py +1 -1
- mindspore/mindrecord/tools/tfrecord_to_mr.py +1 -1
- mindspore/mindspore_backend_common.dll +0 -0
- mindspore/mindspore_backend_manager.dll +0 -0
- mindspore/mindspore_cluster.dll +0 -0
- mindspore/mindspore_common.dll +0 -0
- mindspore/mindspore_core.dll +0 -0
- mindspore/mindspore_cpu.dll +0 -0
- mindspore/mindspore_dump.dll +0 -0
- mindspore/mindspore_frontend.dll +0 -0
- mindspore/mindspore_glog.dll +0 -0
- mindspore/mindspore_hardware_abstract.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_ops_host.dll → mindspore_ops_cpu.dll} +0 -0
- mindspore/mindspore_profiler.dll +0 -0
- mindspore/mindspore_pyboost.dll +0 -0
- mindspore/mindspore_pynative.dll +0 -0
- mindspore/mindspore_runtime_pipeline.dll +0 -0
- mindspore/mindspore_runtime_utils.dll +0 -0
- mindspore/mindspore_tools.dll +0 -0
- mindspore/mint/__init__.py +15 -10
- mindspore/mint/distributed/__init__.py +4 -0
- mindspore/mint/distributed/distributed.py +392 -69
- mindspore/mint/nn/__init__.py +2 -16
- mindspore/mint/nn/functional.py +4 -110
- mindspore/mint/nn/layer/__init__.py +0 -2
- mindspore/mint/nn/layer/_functions.py +1 -2
- mindspore/mint/nn/layer/activation.py +0 -6
- mindspore/mint/nn/layer/basic.py +0 -47
- mindspore/mint/nn/layer/conv.py +10 -10
- mindspore/mint/nn/layer/normalization.py +11 -16
- mindspore/mint/nn/layer/pooling.py +0 -4
- mindspore/nn/__init__.py +1 -3
- mindspore/nn/cell.py +231 -239
- mindspore/nn/layer/activation.py +4 -2
- mindspore/nn/layer/basic.py +56 -14
- mindspore/nn/layer/container.py +16 -0
- mindspore/nn/layer/embedding.py +4 -169
- mindspore/nn/layer/image.py +1 -1
- mindspore/nn/layer/normalization.py +2 -1
- mindspore/nn/layer/thor_layer.py +4 -85
- mindspore/nn/optim/ada_grad.py +0 -1
- mindspore/nn/optim/adafactor.py +0 -1
- mindspore/nn/optim/adam.py +32 -127
- mindspore/nn/optim/adamax.py +0 -1
- mindspore/nn/optim/asgd.py +0 -1
- mindspore/nn/optim/ftrl.py +8 -102
- mindspore/nn/optim/lamb.py +1 -4
- mindspore/nn/optim/lars.py +0 -3
- mindspore/nn/optim/lazyadam.py +25 -218
- mindspore/nn/optim/momentum.py +5 -43
- mindspore/nn/optim/optimizer.py +6 -55
- mindspore/nn/optim/proximal_ada_grad.py +0 -1
- mindspore/nn/optim/rmsprop.py +0 -1
- mindspore/nn/optim/rprop.py +0 -1
- mindspore/nn/optim/sgd.py +0 -1
- mindspore/nn/optim/tft_wrapper.py +2 -4
- mindspore/nn/optim/thor.py +0 -2
- mindspore/nn/probability/bijector/bijector.py +7 -8
- mindspore/nn/probability/bijector/gumbel_cdf.py +2 -2
- mindspore/nn/probability/bijector/power_transform.py +20 -21
- mindspore/nn/probability/bijector/scalar_affine.py +5 -5
- mindspore/nn/probability/bijector/softplus.py +13 -14
- mindspore/nn/probability/distribution/_utils/utils.py +2 -2
- mindspore/nn/wrap/cell_wrapper.py +39 -5
- mindspore/nn/wrap/grad_reducer.py +4 -89
- mindspore/numpy/array_creations.py +4 -4
- mindspore/numpy/fft.py +9 -9
- mindspore/numpy/utils_const.py +1 -1
- mindspore/{nn/reinforcement → onnx}/__init__.py +5 -8
- mindspore/onnx/onnx_export.py +137 -0
- mindspore/opencv_core4110.dll +0 -0
- mindspore/opencv_imgcodecs4110.dll +0 -0
- mindspore/{opencv_imgproc452.dll → opencv_imgproc4110.dll} +0 -0
- mindspore/ops/__init__.py +2 -0
- mindspore/ops/_grad_experimental/grad_comm_ops.py +38 -2
- mindspore/ops/_grad_experimental/grad_inner_ops.py +0 -9
- mindspore/ops/_op_impl/aicpu/__init__.py +0 -10
- mindspore/ops/_op_impl/cpu/__init__.py +1 -5
- mindspore/ops/_op_impl/cpu/{buffer_append.py → joinedstr_op.py} +8 -8
- mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +28 -24
- mindspore/ops/auto_generate/gen_extend_func.py +6 -11
- mindspore/ops/auto_generate/gen_ops_def.py +385 -154
- mindspore/ops/auto_generate/gen_ops_prim.py +5676 -5167
- mindspore/ops/communication.py +97 -0
- mindspore/ops/composite/__init__.py +5 -2
- mindspore/ops/composite/base.py +16 -2
- mindspore/ops/composite/multitype_ops/__init__.py +3 -1
- mindspore/ops/composite/multitype_ops/_compile_utils.py +150 -8
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +1 -1
- mindspore/ops/composite/multitype_ops/add_impl.py +7 -0
- mindspore/ops/composite/multitype_ops/mod_impl.py +27 -0
- mindspore/ops/function/__init__.py +2 -0
- mindspore/ops/function/array_func.py +24 -18
- mindspore/ops/function/comm_func.py +3883 -0
- mindspore/ops/function/debug_func.py +7 -6
- mindspore/ops/function/grad/grad_func.py +4 -12
- mindspore/ops/function/math_func.py +89 -86
- mindspore/ops/function/nn_func.py +92 -313
- mindspore/ops/function/random_func.py +9 -18
- mindspore/ops/functional.py +4 -1
- mindspore/ops/functional_overload.py +377 -30
- mindspore/ops/operations/__init__.py +2 -5
- mindspore/ops/operations/_custom_ops_utils.py +7 -9
- mindspore/ops/operations/_inner_ops.py +12 -50
- mindspore/ops/operations/_rl_inner_ops.py +0 -933
- mindspore/ops/operations/array_ops.py +5 -50
- mindspore/ops/operations/comm_ops.py +95 -17
- mindspore/ops/operations/custom_ops.py +237 -22
- mindspore/ops/operations/debug_ops.py +33 -35
- mindspore/ops/operations/manually_defined/ops_def.py +39 -318
- mindspore/ops/operations/math_ops.py +5 -5
- mindspore/ops/operations/nn_ops.py +3 -3
- mindspore/ops/operations/sparse_ops.py +0 -83
- mindspore/ops/primitive.py +4 -27
- mindspore/ops/tensor_method.py +88 -10
- mindspore/ops_generate/aclnn/aclnn_kernel_register_auto_cc_generator.py +5 -5
- mindspore/ops_generate/aclnn/gen_aclnn_implement.py +8 -8
- mindspore/ops_generate/api/functions_cc_generator.py +53 -4
- mindspore/ops_generate/api/tensor_func_reg_cpp_generator.py +25 -11
- mindspore/ops_generate/common/gen_constants.py +11 -10
- mindspore/ops_generate/common/op_proto.py +18 -1
- mindspore/ops_generate/common/template.py +102 -245
- mindspore/ops_generate/common/template_utils.py +212 -0
- mindspore/ops_generate/gen_custom_ops.py +69 -0
- mindspore/ops_generate/op_def/ops_def_cc_generator.py +78 -7
- mindspore/ops_generate/op_def_py/base_op_prim_py_generator.py +360 -0
- mindspore/ops_generate/op_def_py/custom_op_prim_py_generator.py +140 -0
- mindspore/ops_generate/op_def_py/op_def_py_generator.py +54 -7
- mindspore/ops_generate/op_def_py/op_prim_py_generator.py +5 -312
- mindspore/ops_generate/pyboost/auto_grad_impl_cc_generator.py +74 -17
- mindspore/ops_generate/pyboost/auto_grad_reg_cc_generator.py +22 -5
- mindspore/ops_generate/pyboost/gen_pyboost_func.py +0 -16
- mindspore/ops_generate/pyboost/op_template_parser.py +3 -2
- mindspore/ops_generate/pyboost/pyboost_functions_cpp_generator.py +21 -5
- mindspore/ops_generate/pyboost/pyboost_functions_h_generator.py +2 -2
- mindspore/ops_generate/pyboost/pyboost_functions_impl_cpp_generator.py +30 -10
- mindspore/ops_generate/pyboost/pyboost_grad_function_cpp_generator.py +10 -3
- mindspore/ops_generate/pyboost/pyboost_internal_kernel_info_adapter_generator.py +1 -1
- mindspore/ops_generate/pyboost/pyboost_native_grad_functions_generator.py +19 -9
- mindspore/ops_generate/pyboost/pyboost_op_cpp_code_generator.py +71 -28
- mindspore/ops_generate/pyboost/pyboost_overload_functions_cpp_generator.py +10 -9
- mindspore/ops_generate/pyboost/pyboost_utils.py +27 -16
- mindspore/ops_generate/resources/yaml_loader.py +13 -0
- mindspore/ops_generate/tensor_py_cc_generator.py +2 -2
- mindspore/parallel/_auto_parallel_context.py +5 -15
- mindspore/parallel/_cell_wrapper.py +1 -1
- mindspore/parallel/_parallel_serialization.py +4 -6
- mindspore/parallel/_ps_context.py +2 -2
- mindspore/parallel/_utils.py +34 -17
- mindspore/parallel/auto_parallel.py +23 -9
- mindspore/parallel/checkpoint_transform.py +20 -2
- mindspore/parallel/cluster/process_entity/_api.py +28 -33
- mindspore/parallel/cluster/process_entity/_utils.py +9 -5
- mindspore/parallel/cluster/run.py +5 -3
- mindspore/{experimental/llm_boost/ascend_native → parallel/distributed}/__init__.py +21 -22
- mindspore/parallel/distributed/distributed_data_parallel.py +393 -0
- mindspore/parallel/distributed/flatten_grad_buffer.py +295 -0
- mindspore/parallel/function/reshard_func.py +6 -5
- mindspore/parallel/nn/parallel_cell_wrapper.py +40 -3
- mindspore/parallel/nn/parallel_grad_reducer.py +0 -8
- mindspore/parallel/shard.py +7 -21
- mindspore/parallel/strategy.py +336 -0
- mindspore/parallel/transform_safetensors.py +127 -20
- mindspore/profiler/analysis/viewer/ascend_kernel_details_viewer.py +13 -9
- mindspore/profiler/analysis/viewer/ascend_op_memory_viewer.py +1 -1
- mindspore/profiler/analysis/viewer/ms_minddata_viewer.py +1 -1
- mindspore/profiler/common/constant.py +5 -0
- mindspore/profiler/common/file_manager.py +9 -0
- mindspore/profiler/common/msprof_cmd_tool.py +40 -4
- mindspore/profiler/common/path_manager.py +65 -24
- mindspore/profiler/common/profiler_context.py +27 -14
- mindspore/profiler/common/profiler_info.py +3 -3
- mindspore/profiler/common/profiler_meta_data.py +1 -0
- mindspore/profiler/common/profiler_op_analyse.py +10 -6
- mindspore/profiler/common/profiler_path_manager.py +13 -0
- mindspore/profiler/common/util.py +30 -3
- mindspore/profiler/dynamic_profiler.py +91 -46
- mindspore/profiler/envprofiler.py +30 -5
- mindspore/profiler/experimental_config.py +18 -2
- mindspore/profiler/platform/cpu_profiler.py +10 -4
- mindspore/profiler/platform/npu_profiler.py +34 -7
- mindspore/profiler/profiler.py +193 -145
- mindspore/profiler/profiler_action_controller.py +1 -1
- mindspore/profiler/profiler_interface.py +2 -2
- mindspore/rewrite/symbol_tree/symbol_tree.py +1 -1
- mindspore/run_check/_check_version.py +108 -24
- mindspore/runtime/__init__.py +9 -6
- mindspore/runtime/executor.py +35 -0
- mindspore/runtime/memory.py +113 -0
- mindspore/runtime/thread_bind_core.py +1 -1
- mindspore/swresample-4.dll +0 -0
- mindspore/swscale-6.dll +0 -0
- mindspore/tinyxml2.dll +0 -0
- mindspore/{experimental/llm_boost → tools}/__init__.py +5 -5
- mindspore/tools/data_dump.py +130 -0
- mindspore/tools/sdc_detect.py +91 -0
- mindspore/tools/stress_detect.py +63 -0
- mindspore/train/__init__.py +6 -6
- mindspore/train/_utils.py +8 -21
- mindspore/train/amp.py +6 -7
- mindspore/train/callback/_callback.py +2 -1
- mindspore/train/callback/_checkpoint.py +1 -17
- mindspore/train/callback/_flops_collector.py +10 -6
- mindspore/train/callback/_train_fault_tolerance.py +72 -25
- mindspore/train/data_sink.py +5 -9
- mindspore/train/dataset_helper.py +5 -5
- mindspore/train/model.py +41 -230
- mindspore/train/serialization.py +160 -401
- mindspore/train/train_thor/model_thor.py +2 -2
- mindspore/turbojpeg.dll +0 -0
- mindspore/utils/__init__.py +6 -3
- mindspore/utils/dlpack.py +92 -0
- mindspore/utils/dryrun.py +1 -1
- mindspore/utils/runtime_execution_order_check.py +10 -0
- mindspore/utils/sdc_detect.py +14 -12
- mindspore/utils/stress_detect.py +43 -0
- mindspore/utils/utils.py +152 -16
- mindspore/version.py +1 -1
- {mindspore-2.7.0rc1.dist-info → mindspore-2.7.1.dist-info}/METADATA +3 -2
- {mindspore-2.7.0rc1.dist-info → mindspore-2.7.1.dist-info}/RECORD +330 -344
- mindspore/_extends/remote/kernel_build_server_ascend.py +0 -75
- mindspore/communication/_hccl_management.py +0 -297
- mindspore/experimental/llm_boost/ascend_native/llama_boost_ascend_native.py +0 -207
- mindspore/experimental/llm_boost/ascend_native/llm_boost.py +0 -52
- mindspore/experimental/llm_boost/atb/__init__.py +0 -23
- mindspore/experimental/llm_boost/atb/boost_base.py +0 -385
- mindspore/experimental/llm_boost/atb/llama_boost.py +0 -137
- mindspore/experimental/llm_boost/atb/qwen_boost.py +0 -124
- mindspore/experimental/llm_boost/register.py +0 -130
- mindspore/experimental/llm_boost/utils.py +0 -31
- mindspore/include/OWNERS +0 -7
- mindspore/mindspore_cpu_res_manager.dll +0 -0
- mindspore/mindspore_ops_kernel_common.dll +0 -0
- mindspore/mindspore_res_manager.dll +0 -0
- mindspore/nn/optim/_dist_optimizer_registry.py +0 -111
- mindspore/nn/reinforcement/_batch_read_write.py +0 -142
- mindspore/nn/reinforcement/_tensors_queue.py +0 -152
- mindspore/nn/reinforcement/tensor_array.py +0 -145
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/ops/_op_impl/aicpu/priority_replay_buffer.py +0 -113
- mindspore/ops/_op_impl/aicpu/reservoir_replay_buffer.py +0 -96
- mindspore/ops/_op_impl/aicpu/sparse_cross.py +0 -42
- mindspore/ops/_op_impl/cpu/buffer_get.py +0 -28
- mindspore/ops/_op_impl/cpu/buffer_sample.py +0 -28
- mindspore/ops/_op_impl/cpu/priority_replay_buffer.py +0 -42
- mindspore/ops/operations/_tensor_array.py +0 -359
- mindspore/ops/operations/rl_ops.py +0 -288
- mindspore/parallel/_offload_context.py +0 -275
- mindspore/parallel/_recovery_context.py +0 -115
- mindspore/parallel/_transformer/__init__.py +0 -35
- mindspore/parallel/_transformer/layers.py +0 -765
- mindspore/parallel/_transformer/loss.py +0 -251
- mindspore/parallel/_transformer/moe.py +0 -693
- mindspore/parallel/_transformer/op_parallel_config.py +0 -222
- mindspore/parallel/_transformer/transformer.py +0 -3124
- mindspore/parallel/mpi/_mpi_config.py +0 -116
- mindspore/profiler/common/validator/validate_path.py +0 -84
- mindspore/train/memory_profiling_pb2.py +0 -298
- mindspore/utils/hooks.py +0 -81
- /mindspore/common/{_auto_dynamic.py → dynamic_shape/_auto_dynamic.py} +0 -0
- {mindspore-2.7.0rc1.dist-info → mindspore-2.7.1.dist-info}/WHEEL +0 -0
- {mindspore-2.7.0rc1.dist-info → mindspore-2.7.1.dist-info}/entry_points.txt +0 -0
- {mindspore-2.7.0rc1.dist-info → mindspore-2.7.1.dist-info}/top_level.txt +0 -0
mindspore/include/api/model.h
CHANGED
|
@@ -40,7 +40,9 @@ class Dataset;
|
|
|
40
40
|
/// \brief The Model class is used to define a MindSpore model, facilitating computational graph management.
|
|
41
41
|
class MS_API Model {
|
|
42
42
|
public:
|
|
43
|
+
/// \brief Constructor of Model.
|
|
43
44
|
Model();
|
|
45
|
+
/// \brief Destructor of Model.
|
|
44
46
|
~Model();
|
|
45
47
|
|
|
46
48
|
/// \brief Build a model from model buffer so that it can run on a device.
|
|
@@ -361,6 +363,9 @@ class MS_API Model {
|
|
|
361
363
|
/// \return Status of operation.
|
|
362
364
|
Status Evaluate(std::shared_ptr<dataset::Dataset> ds, std::vector<TrainCallBack *> cbs);
|
|
363
365
|
|
|
366
|
+
/// \brief Performs the implication.
|
|
367
|
+
///
|
|
368
|
+
/// \return the implication of the model.
|
|
364
369
|
const std::shared_ptr<ModelImpl> impl() const { return impl_; }
|
|
365
370
|
|
|
366
371
|
/// \brief Get model info by key
|
|
@@ -369,7 +374,6 @@ class MS_API Model {
|
|
|
369
374
|
///
|
|
370
375
|
/// \return The value of the model info associated with the given key.
|
|
371
376
|
inline std::string GetModelInfo(const std::string &key);
|
|
372
|
-
|
|
373
377
|
/// \brief Finish the model. (Only used for mindspore_lite's ascend backend.)
|
|
374
378
|
///
|
|
375
379
|
/// \return Status of the operation.
|
|
@@ -41,7 +41,11 @@ enum class ModelGroupFlag : int {
|
|
|
41
41
|
|
|
42
42
|
class MS_API ModelGroup {
|
|
43
43
|
public:
|
|
44
|
+
/// \brief Constructor of ModelGroup.
|
|
45
|
+
///
|
|
46
|
+
/// \param[in] flags The flags of model group.
|
|
44
47
|
explicit ModelGroup(ModelGroupFlag flags = ModelGroupFlag::kShareWorkspace);
|
|
48
|
+
/// \brief Destructor of ModelGroup.
|
|
45
49
|
~ModelGroup() = default;
|
|
46
50
|
|
|
47
51
|
/// \brief Add models that require shared workspace memory.
|
|
@@ -28,7 +28,9 @@ namespace mindspore {
|
|
|
28
28
|
class MS_API RunnerConfig {
|
|
29
29
|
public:
|
|
30
30
|
struct Data;
|
|
31
|
+
/// \brief Constructor of RunnerConfig.
|
|
31
32
|
RunnerConfig();
|
|
33
|
+
/// \brief Destructor of RunnerConfig.
|
|
32
34
|
~RunnerConfig();
|
|
33
35
|
|
|
34
36
|
/// \brief Set the number of workers at runtime. Only valid for ModelParallelRunner.
|
mindspore/include/api/status.h
CHANGED
|
@@ -128,37 +128,75 @@ enum StatusCode : uint32_t {
|
|
|
128
128
|
|
|
129
129
|
class MS_API Status {
|
|
130
130
|
public:
|
|
131
|
+
/// \brief Constructor of Status.
|
|
131
132
|
Status();
|
|
133
|
+
/// \brief Constructor of Status.
|
|
134
|
+
///
|
|
135
|
+
/// \param[in] status_code Status code.
|
|
136
|
+
///
|
|
137
|
+
/// \param[in] status_msg Status message.
|
|
132
138
|
inline Status(enum StatusCode status_code, const std::string &status_msg = ""); // NOLINT(runtime/explicit)
|
|
139
|
+
/// \brief Constructor of Status.
|
|
133
140
|
inline Status(const StatusCode code, int line_of_code, const char *file_name, const std::string &extra = "");
|
|
134
|
-
|
|
141
|
+
/// \brief Destructor of Status.
|
|
135
142
|
~Status() = default;
|
|
136
|
-
|
|
143
|
+
/// \brief Status code of status.
|
|
144
|
+
///
|
|
145
|
+
/// \return Enum of status code.
|
|
137
146
|
enum StatusCode StatusCode() const;
|
|
147
|
+
/// \brief Exchange status to string.
|
|
148
|
+
///
|
|
149
|
+
/// \return Status code exchanged to string.
|
|
138
150
|
inline std::string ToString() const;
|
|
139
|
-
|
|
151
|
+
/// \brief Get line of status code.
|
|
152
|
+
///
|
|
153
|
+
/// \return Line of code to get.
|
|
140
154
|
int GetLineOfCode() const;
|
|
155
|
+
/// \brief Get file name of status.
|
|
156
|
+
///
|
|
157
|
+
/// \return File name to get.
|
|
141
158
|
inline std::string GetFileName() const;
|
|
159
|
+
/// \brief Get error description of status.
|
|
160
|
+
///
|
|
161
|
+
/// \return Error description to get.
|
|
142
162
|
inline std::string GetErrDescription() const;
|
|
163
|
+
/// \brief Get error description of status.
|
|
164
|
+
///
|
|
165
|
+
/// \param[in] err_description Error description to be set.
|
|
143
166
|
inline std::string SetErrDescription(const std::string &err_description);
|
|
167
|
+
/// \brief Status message to be set.
|
|
168
|
+
///
|
|
169
|
+
/// \param[in] status_msg Status message to be set.
|
|
144
170
|
inline void SetStatusMsg(const std::string &status_msg);
|
|
145
|
-
|
|
171
|
+
/// \brief Operator <<.
|
|
146
172
|
MS_API friend std::ostream &operator<<(std::ostream &os, const Status &s);
|
|
147
|
-
|
|
173
|
+
/// \brief Operator ==.
|
|
148
174
|
bool operator==(const Status &other) const;
|
|
175
|
+
/// \brief Operator ==.
|
|
149
176
|
bool operator==(enum StatusCode other_code) const;
|
|
177
|
+
/// \brief Operator !=.
|
|
150
178
|
bool operator!=(const Status &other) const;
|
|
179
|
+
/// \brief Operator !=.
|
|
151
180
|
bool operator!=(enum StatusCode other_code) const;
|
|
152
|
-
|
|
181
|
+
/// \brief Operator bool().
|
|
153
182
|
explicit operator bool() const;
|
|
183
|
+
/// \brief Operator int().
|
|
154
184
|
explicit operator int() const;
|
|
155
|
-
|
|
185
|
+
/// \brief Getting back the status of OK.
|
|
186
|
+
///
|
|
187
|
+
/// \return Status Code of ok.
|
|
156
188
|
static Status OK();
|
|
157
|
-
|
|
189
|
+
/// \brief Getting back if it is ok.
|
|
190
|
+
///
|
|
191
|
+
/// \return True if it is ok.
|
|
158
192
|
bool IsOk() const;
|
|
159
|
-
|
|
193
|
+
/// \brief Getting back if it is error.
|
|
194
|
+
///
|
|
195
|
+
/// \return True if it is error.
|
|
160
196
|
bool IsError() const;
|
|
161
|
-
|
|
197
|
+
/// \brief Getting back the code as string.
|
|
198
|
+
///
|
|
199
|
+
/// \return The code name as string type.
|
|
162
200
|
static inline std::string CodeAsString(enum StatusCode c);
|
|
163
201
|
|
|
164
202
|
private:
|
mindspore/include/api/types.h
CHANGED
|
@@ -74,6 +74,7 @@ class Allocator;
|
|
|
74
74
|
/// \brief The MSTensor class defines a tensor in MindSpore.
|
|
75
75
|
class MS_API MSTensor {
|
|
76
76
|
public:
|
|
77
|
+
/// \brief Impl class of MSTensor.
|
|
77
78
|
class Impl;
|
|
78
79
|
/// \brief Creates a MSTensor object, whose data need to be copied before accessed by Model, must be used in pairs
|
|
79
80
|
/// with DestroyTensorPtr.
|
|
@@ -161,13 +162,17 @@ class MS_API MSTensor {
|
|
|
161
162
|
///
|
|
162
163
|
/// \param[in] tensor A MSTensor object.
|
|
163
164
|
static void DestroyTensorPtr(MSTensor *tensor) noexcept;
|
|
164
|
-
|
|
165
|
+
/// \brief Constructor of MSTensor.
|
|
165
166
|
MSTensor();
|
|
167
|
+
/// \brief Constructor of MSTensor.
|
|
166
168
|
explicit MSTensor(const std::shared_ptr<Impl> &impl);
|
|
169
|
+
/// \brief Constructor of MSTensor.
|
|
167
170
|
// if malloc data, user need to free after constructing MSTensor, else memory leak.
|
|
168
171
|
inline MSTensor(const std::string &name, DataType type, const std::vector<int64_t> &shape, const void *data,
|
|
169
172
|
size_t data_len);
|
|
173
|
+
/// \brief Constructor of MSTensor.
|
|
170
174
|
explicit MSTensor(std::nullptr_t);
|
|
175
|
+
/// \brief Destructor of MSTensor.
|
|
171
176
|
~MSTensor();
|
|
172
177
|
|
|
173
178
|
/// \brief Obtains the name of the MSTensor.
|
|
@@ -356,6 +356,15 @@ constexpr int32_t kMaxLegalPort = 65535;
|
|
|
356
356
|
// Invalid OpenCV type should not be from 0 to 7 (opencv4/opencv2/core/hal/interface.h)
|
|
357
357
|
constexpr uint8_t kCVInvalidType = 255;
|
|
358
358
|
|
|
359
|
+
constexpr size_t dimension_zero = 0;
|
|
360
|
+
constexpr size_t dimension_one = 1;
|
|
361
|
+
constexpr size_t dimension_two = 2;
|
|
362
|
+
constexpr size_t dimension_three = 3;
|
|
363
|
+
constexpr size_t size_one = 1;
|
|
364
|
+
constexpr size_t size_two = 2;
|
|
365
|
+
constexpr size_t size_three = 3;
|
|
366
|
+
constexpr size_t size_four = 4;
|
|
367
|
+
|
|
359
368
|
using connection_id_type = uint64_t;
|
|
360
369
|
using session_id_type = uint32_t;
|
|
361
370
|
using row_id_type = int64_t;
|
|
@@ -27,8 +27,8 @@
|
|
|
27
27
|
#include "include/dataset/constants.h"
|
|
28
28
|
#include "include/dataset/transforms.h"
|
|
29
29
|
#if defined(ENABLE_D)
|
|
30
|
-
#include "runtime/
|
|
31
|
-
#include "runtime/
|
|
30
|
+
#include "runtime/hardware_abstract/device_context/device_context.h"
|
|
31
|
+
#include "runtime/hardware_abstract/device_context/device_context_manager.h"
|
|
32
32
|
#endif
|
|
33
33
|
|
|
34
34
|
namespace mindspore {
|
mindspore/jpeg62.dll
CHANGED
|
Binary file
|
mindspore/mindrecord/__init__.py
CHANGED
|
@@ -31,8 +31,8 @@ datasets using `mindspore.dataset.MindDataset <https://www.mindspore.cn/docs/en/
|
|
|
31
31
|
mindspore.dataset.MindDataset.html>`_ .
|
|
32
32
|
|
|
33
33
|
Users can also convert datasets from other formats to the MindRecord format.
|
|
34
|
-
For more details, please refer to
|
|
35
|
-
|
|
34
|
+
For more details, please refer to
|
|
35
|
+
`Converting Dataset to MindRecord <https://www.mindspore.cn/tutorials/en/master/dataset/record.html>`_ .
|
|
36
36
|
Additionally, MindRecord supports file encryption, decryption,
|
|
37
37
|
and integrity checks to ensure the security of MindRecord format datasets.
|
|
38
38
|
"""
|
|
@@ -41,7 +41,7 @@ from .filewriter import FileWriter
|
|
|
41
41
|
from .filereader import FileReader
|
|
42
42
|
from .mindpage import MindPage
|
|
43
43
|
from .common.exceptions import *
|
|
44
|
-
from .shardutils import SUCCESS, FAILED
|
|
44
|
+
from .core.shardutils import SUCCESS, FAILED
|
|
45
45
|
from .tools.cifar10_to_mr import Cifar10ToMR
|
|
46
46
|
from .tools.cifar100_to_mr import Cifar100ToMR
|
|
47
47
|
from .tools.csv_to_mr import CsvToMR
|
mindspore/mindrecord/config.py
CHANGED
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# Copyright
|
|
1
|
+
# Copyright 2025 Huawei Technologies Co., Ltd
|
|
2
2
|
#
|
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
4
|
# you may not use this file except in compliance with the License.
|
|
@@ -12,3 +12,6 @@
|
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
14
|
# ============================================================================
|
|
15
|
+
"""
|
|
16
|
+
init core
|
|
17
|
+
"""
|
|
@@ -17,7 +17,8 @@ This module is to write data into mindrecord.
|
|
|
17
17
|
"""
|
|
18
18
|
import mindspore._c_mindrecord as ms
|
|
19
19
|
from mindspore import log as logger
|
|
20
|
-
from .common.exceptions import MRMAddSchemaError, MRMAddIndexError, MRMBuildSchemaError,
|
|
20
|
+
from mindspore.mindrecord.common.exceptions import MRMAddSchemaError, MRMAddIndexError, MRMBuildSchemaError, \
|
|
21
|
+
MRMGetMetaError
|
|
21
22
|
|
|
22
23
|
__all__ = ['ShardHeader']
|
|
23
24
|
|
|
@@ -17,7 +17,7 @@ This module is to write data into mindrecord.
|
|
|
17
17
|
"""
|
|
18
18
|
import mindspore._c_mindrecord as ms
|
|
19
19
|
from mindspore import log as logger
|
|
20
|
-
from .common.exceptions import MRMIndexGeneratorError, MRMGenerateIndexError
|
|
20
|
+
from mindspore.mindrecord.common.exceptions import MRMIndexGeneratorError, MRMGenerateIndexError
|
|
21
21
|
|
|
22
22
|
__all__ = ['ShardIndexGenerator']
|
|
23
23
|
|
|
@@ -17,7 +17,8 @@ This module is to read data from mindrecord.
|
|
|
17
17
|
"""
|
|
18
18
|
import mindspore._c_mindrecord as ms
|
|
19
19
|
from mindspore import log as logger
|
|
20
|
-
from .common.exceptions import MRMOpenError, MRMLaunchError
|
|
20
|
+
from mindspore.mindrecord.common.exceptions import MRMOpenError, MRMLaunchError
|
|
21
|
+
|
|
21
22
|
__all__ = ['ShardReader']
|
|
22
23
|
|
|
23
24
|
|
|
@@ -17,8 +17,8 @@ This module is to read page from mindrecord.
|
|
|
17
17
|
"""
|
|
18
18
|
import mindspore._c_mindrecord as ms
|
|
19
19
|
from mindspore import log as logger
|
|
20
|
-
from .shardutils import populate_data, SUCCESS
|
|
21
|
-
from .shardheader import ShardHeader
|
|
20
|
+
from mindspore.mindrecord.core.shardutils import populate_data, SUCCESS
|
|
21
|
+
from mindspore.mindrecord.core.shardheader import ShardHeader
|
|
22
22
|
|
|
23
23
|
__all__ = ['ShardSegment']
|
|
24
24
|
|
|
@@ -25,7 +25,7 @@ from functools import wraps
|
|
|
25
25
|
|
|
26
26
|
import numpy as np
|
|
27
27
|
import mindspore._c_mindrecord as ms
|
|
28
|
-
from .common.exceptions import ParamValueError, MRMUnsupportedSchemaError
|
|
28
|
+
from mindspore.mindrecord.common.exceptions import ParamValueError, MRMUnsupportedSchemaError
|
|
29
29
|
|
|
30
30
|
SUCCESS = ms.MSRStatus.SUCCESS
|
|
31
31
|
FAILED = ms.MSRStatus.FAILED
|
|
@@ -18,7 +18,7 @@ This module is to write data into mindrecord.
|
|
|
18
18
|
import numpy as np
|
|
19
19
|
import mindspore._c_mindrecord as ms
|
|
20
20
|
from mindspore import log as logger
|
|
21
|
-
from .common.exceptions import MRMOpenError, MRMOpenForAppendError, MRMInvalidHeaderSizeError, \
|
|
21
|
+
from mindspore.mindrecord.common.exceptions import MRMOpenError, MRMOpenForAppendError, MRMInvalidHeaderSizeError, \
|
|
22
22
|
MRMInvalidPageSizeError, MRMSetHeaderError, MRMWriteDatasetError, MRMCommitError
|
|
23
23
|
|
|
24
24
|
__all__ = ['ShardWriter']
|
|
@@ -18,10 +18,10 @@ This module is to read data from MindRecord.
|
|
|
18
18
|
import platform
|
|
19
19
|
from mindspore import log as logger
|
|
20
20
|
|
|
21
|
-
from .shardreader import ShardReader
|
|
22
|
-
from .shardheader import ShardHeader
|
|
23
|
-
from .shardutils import populate_data
|
|
24
|
-
from .shardutils import check_parameter
|
|
21
|
+
from .core.shardreader import ShardReader
|
|
22
|
+
from .core.shardheader import ShardHeader
|
|
23
|
+
from .core.shardutils import populate_data
|
|
24
|
+
from .core.shardutils import check_parameter
|
|
25
25
|
from .common.exceptions import ParamTypeError
|
|
26
26
|
from .config import _get_enc_key, _get_dec_mode, decrypt
|
|
27
27
|
|
|
@@ -25,11 +25,11 @@ import time
|
|
|
25
25
|
import multiprocessing as mp
|
|
26
26
|
import numpy as np
|
|
27
27
|
from mindspore import log as logger
|
|
28
|
-
from .shardwriter import ShardWriter
|
|
29
|
-
from .shardreader import ShardReader
|
|
30
|
-
from .shardheader import ShardHeader
|
|
31
|
-
from .shardindexgenerator import ShardIndexGenerator
|
|
32
|
-
from .shardutils import MIN_SHARD_COUNT, MAX_SHARD_COUNT, VALID_ATTRIBUTES, VALID_ARRAY_ATTRIBUTES, \
|
|
28
|
+
from .core.shardwriter import ShardWriter
|
|
29
|
+
from .core.shardreader import ShardReader
|
|
30
|
+
from .core.shardheader import ShardHeader
|
|
31
|
+
from .core.shardindexgenerator import ShardIndexGenerator
|
|
32
|
+
from .core.shardutils import MIN_SHARD_COUNT, MAX_SHARD_COUNT, VALID_ATTRIBUTES, VALID_ARRAY_ATTRIBUTES, \
|
|
33
33
|
check_filename, VALUE_TYPE_MAP, SUCCESS
|
|
34
34
|
from .common.exceptions import ParamValueError, ParamTypeError, MRMInvalidSchemaError, MRMDefineIndexError
|
|
35
35
|
from .config import _get_enc_key, _get_enc_mode, _get_dec_mode, encrypt, decrypt
|
mindspore/mindrecord/mindpage.py
CHANGED
|
@@ -16,8 +16,8 @@
|
|
|
16
16
|
This module is to support reading page from MindRecord.
|
|
17
17
|
"""
|
|
18
18
|
|
|
19
|
-
from .shardsegment import ShardSegment
|
|
20
|
-
from .shardutils import check_parameter
|
|
19
|
+
from .core.shardsegment import ShardSegment
|
|
20
|
+
from .core.shardutils import check_parameter
|
|
21
21
|
from .common.exceptions import ParamValueError, ParamTypeError, MRMDefineCategoryError
|
|
22
22
|
from .config import _get_enc_key, _get_dec_mode, decrypt
|
|
23
23
|
|
|
@@ -23,7 +23,7 @@ import re
|
|
|
23
23
|
import numpy as np
|
|
24
24
|
|
|
25
25
|
from mindspore import log as logger
|
|
26
|
-
from ..shardutils import check_filename
|
|
26
|
+
from ..core.shardutils import check_filename
|
|
27
27
|
|
|
28
28
|
__all__ = ['Cifar10']
|
|
29
29
|
|
|
@@ -40,7 +40,8 @@ class CifarMD5Validator:
|
|
|
40
40
|
'data_batch_5': '482c414d41f54cd18b22e5b47cb7c3cb',
|
|
41
41
|
'test_batch': '40351d587109b95175f43aff81a1287e'}
|
|
42
42
|
|
|
43
|
-
|
|
43
|
+
@staticmethod
|
|
44
|
+
def calculate_md5(file_path):
|
|
44
45
|
"""
|
|
45
46
|
Calculate MD5 hash of a file.
|
|
46
47
|
|
|
@@ -76,7 +77,7 @@ class CifarMD5Validator:
|
|
|
76
77
|
KeyError: If file_name is not found in md5_map.
|
|
77
78
|
"""
|
|
78
79
|
expected_md5 = self.md5_map.get(file_name)
|
|
79
|
-
actual_md5 =
|
|
80
|
+
actual_md5 = CifarMD5Validator.calculate_md5(os.path.join(file_path, file_name))
|
|
80
81
|
|
|
81
82
|
if actual_md5 is None or expected_md5 is None or actual_md5 != expected_md5:
|
|
82
83
|
logger.warning(f"The MD5 value of {file_name} does not match the official CIFAR10 file."
|
|
@@ -23,7 +23,7 @@ from mindspore import log as logger
|
|
|
23
23
|
from .cifar100 import Cifar100
|
|
24
24
|
from ..common.exceptions import PathNotExistsError
|
|
25
25
|
from ..filewriter import FileWriter
|
|
26
|
-
from ..shardutils import check_filename, ExceptionThread, SUCCESS
|
|
26
|
+
from ..core.shardutils import check_filename, ExceptionThread, SUCCESS
|
|
27
27
|
|
|
28
28
|
|
|
29
29
|
__all__ = ['Cifar100ToMR']
|
|
@@ -23,7 +23,7 @@ from mindspore import log as logger
|
|
|
23
23
|
from .cifar10 import Cifar10
|
|
24
24
|
from ..common.exceptions import PathNotExistsError
|
|
25
25
|
from ..filewriter import FileWriter
|
|
26
|
-
from ..shardutils import check_filename, ExceptionThread, SUCCESS
|
|
26
|
+
from ..core.shardutils import check_filename, ExceptionThread, SUCCESS
|
|
27
27
|
|
|
28
28
|
|
|
29
29
|
__all__ = ['Cifar10ToMR']
|
|
@@ -49,11 +49,6 @@ class Cifar10ToMR:
|
|
|
49
49
|
>>> mindrecord_file = "/path/to/mindrecord/file"
|
|
50
50
|
>>> cifar10_to_mr = Cifar10ToMR(cifar10_dir, mindrecord_file)
|
|
51
51
|
>>> cifar10_to_mr.transform()
|
|
52
|
-
|
|
53
|
-
.. warning::
|
|
54
|
-
Cifar10ToMR.transform() uses `pickle` module implicitly, which is known to be insecure.
|
|
55
|
-
It is possible to construct malicious pickle data which will execute arbitrary code during unpickling.
|
|
56
|
-
Never load data that could have come from an untrusted source, or that could have been tampered with.
|
|
57
52
|
"""
|
|
58
53
|
|
|
59
54
|
def __init__(self, source, destination):
|
|
@@ -112,6 +107,11 @@ class Cifar10ToMR:
|
|
|
112
107
|
Note:
|
|
113
108
|
Please refer to the Examples of :class:`mindspore.mindrecord.Cifar10ToMR` .
|
|
114
109
|
|
|
110
|
+
.. warning::
|
|
111
|
+
`Cifar10ToMR.transform()` uses `pickle` module implicitly, which is known to be insecure.
|
|
112
|
+
It is possible to construct malicious pickle data which will execute arbitrary code during unpickling.
|
|
113
|
+
Never load data that could have come from an untrusted source, or that could have been tampered with.
|
|
114
|
+
|
|
115
115
|
Args:
|
|
116
116
|
fields (list[str], optional): A list of index fields. Default: ``None`` . For index field settings,
|
|
117
117
|
please refer to :func:`mindspore.mindrecord.FileWriter.add_index` .
|
|
@@ -21,7 +21,7 @@ import time
|
|
|
21
21
|
from mindspore import log as logger
|
|
22
22
|
from ..common.exceptions import PathNotExistsError
|
|
23
23
|
from ..filewriter import FileWriter
|
|
24
|
-
from ..shardutils import check_filename, ExceptionThread
|
|
24
|
+
from ..core.shardutils import check_filename, ExceptionThread
|
|
25
25
|
|
|
26
26
|
__all__ = ['ImageNetToMR']
|
|
27
27
|
|
|
@@ -23,7 +23,7 @@ import numpy as np
|
|
|
23
23
|
|
|
24
24
|
from mindspore import log as logger
|
|
25
25
|
from ..filewriter import FileWriter
|
|
26
|
-
from ..shardutils import check_filename, ExceptionThread, SUCCESS, FAILED
|
|
26
|
+
from ..core.shardutils import check_filename, ExceptionThread, SUCCESS, FAILED
|
|
27
27
|
|
|
28
28
|
|
|
29
29
|
__all__ = ['MnistToMR']
|
|
@@ -21,7 +21,7 @@ import numpy as np
|
|
|
21
21
|
|
|
22
22
|
from mindspore import log as logger
|
|
23
23
|
from ..filewriter import FileWriter
|
|
24
|
-
from ..shardutils import check_filename, ExceptionThread
|
|
24
|
+
from ..core.shardutils import check_filename, ExceptionThread
|
|
25
25
|
|
|
26
26
|
__all__ = ['TFRecordToMR']
|
|
27
27
|
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
mindspore/mindspore_common.dll
CHANGED
|
Binary file
|
mindspore/mindspore_core.dll
CHANGED
|
Binary file
|
|
Binary file
|
mindspore/mindspore_dump.dll
CHANGED
|
Binary file
|
mindspore/mindspore_frontend.dll
CHANGED
|
Binary file
|
mindspore/mindspore_glog.dll
CHANGED
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
mindspore/mindspore_ops.dll
CHANGED
|
Binary file
|
|
Binary file
|
mindspore/mindspore_profiler.dll
CHANGED
|
Binary file
|
mindspore/mindspore_pyboost.dll
CHANGED
|
Binary file
|
mindspore/mindspore_pynative.dll
CHANGED
|
Binary file
|
|
Binary file
|
|
Binary file
|
|
Binary file
|
mindspore/mint/__init__.py
CHANGED
|
@@ -486,6 +486,11 @@ from mindspore.ops.auto_generate.pyboost_inner_prim import squeeze_impl
|
|
|
486
486
|
from mindspore.ops.auto_generate.gen_ops_prim import equal_ext_op
|
|
487
487
|
|
|
488
488
|
|
|
489
|
+
# 1101
|
|
490
|
+
from mindspore.ops.functional_overload import real
|
|
491
|
+
# 1102
|
|
492
|
+
from mindspore.ops.functional_overload import imag
|
|
493
|
+
|
|
489
494
|
# 1023
|
|
490
495
|
from mindspore.ops.function.array_func import unbind_ext as unbind
|
|
491
496
|
|
|
@@ -609,6 +614,9 @@ def cat(tensors, dim=0):
|
|
|
609
614
|
|
|
610
615
|
(x_1, x_2, ..., \sum_{i=1}^Nx_{mi}, ..., x_R)
|
|
611
616
|
|
|
617
|
+
.. warning::
|
|
618
|
+
Input tensor of inconsistent types are not supported in Graph Mode under Dynamic Shape.
|
|
619
|
+
|
|
612
620
|
Args:
|
|
613
621
|
tensors (Union[tuple, list]): A tuple or a list of input tensors.
|
|
614
622
|
Suppose there are two tensors in this tuple or list, namely t1 and t2.
|
|
@@ -620,7 +628,6 @@ def cat(tensors, dim=0):
|
|
|
620
628
|
|
|
621
629
|
Returns:
|
|
622
630
|
Tensor, the shape is :math:`(x_1, x_2, ..., \sum_{i=1}^Nx_{mi}, ..., x_R)`.
|
|
623
|
-
The data type is the same with `tensors`.
|
|
624
631
|
|
|
625
632
|
Raises:
|
|
626
633
|
TypeError: If `dim` is not an int.
|
|
@@ -658,7 +665,7 @@ def concat(tensors, dim=0):
|
|
|
658
665
|
Alias for :func:`mindspore.mint.cat`.
|
|
659
666
|
|
|
660
667
|
.. warning::
|
|
661
|
-
|
|
668
|
+
Input tensor of inconsistent types are not supported in Graph Mode under Dynamic Shape.
|
|
662
669
|
|
|
663
670
|
Supported Platforms:
|
|
664
671
|
``Ascend`` ``GPU`` ``CPU``
|
|
@@ -744,9 +751,6 @@ def equal(input, other):
|
|
|
744
751
|
Note:
|
|
745
752
|
`input` and `other` comply with the implicit type conversion rules to make the data types consistent.
|
|
746
753
|
|
|
747
|
-
.. warning::
|
|
748
|
-
This is an experimental API that is subject to change or deletion.
|
|
749
|
-
|
|
750
754
|
Args:
|
|
751
755
|
input (Tensor): The first input.
|
|
752
756
|
other (Tensor): The second input.
|
|
@@ -1323,8 +1327,6 @@ def swapaxes(input, axis0, axis1):
|
|
|
1323
1327
|
Alias for :func:`mindspore.mint.transpose` . The `input` corresponds to the `input` in the reference interface,
|
|
1324
1328
|
and the parameters `axis0` and `axis1` correspond to `dim0` and `dim1` in the reference interface respectively.
|
|
1325
1329
|
|
|
1326
|
-
For more details, see :func:`mindspore.mint.transpose` .
|
|
1327
|
-
|
|
1328
1330
|
.. warning::
|
|
1329
1331
|
This is an experimental API that is subject to change or deletion.
|
|
1330
1332
|
|
|
@@ -1438,8 +1440,6 @@ def fix(input):
|
|
|
1438
1440
|
"""
|
|
1439
1441
|
Alias for :func:`mindspore.mint.trunc` .
|
|
1440
1442
|
|
|
1441
|
-
For more details, see :func:`mindspore.mint.trunc` .
|
|
1442
|
-
|
|
1443
1443
|
Supported Platforms:
|
|
1444
1444
|
``Ascend``
|
|
1445
1445
|
"""
|
|
@@ -1535,7 +1535,7 @@ def cdist(x1, x2, p=2.0, compute_mode='use_mm_for_euclid_dist_if_necessary'):
|
|
|
1535
1535
|
x2 (Tensor): Input tensor of shape :math:`(B, R, M)`, has the same dtype as `x1`.
|
|
1536
1536
|
p (float, optional): P value for the p-norm distance to calculate between each
|
|
1537
1537
|
vector pair, P >= 0. Default: ``2.0`` .
|
|
1538
|
-
compute_mode (
|
|
1538
|
+
compute_mode (str, optional): Specify the cumpute mode. Setting this parameter currently has no effect.
|
|
1539
1539
|
Default: ``'use_mm_for_euclid_dist_if_necessary'`` .
|
|
1540
1540
|
|
|
1541
1541
|
Returns:
|
|
@@ -2061,6 +2061,11 @@ __all__ = [
|
|
|
2061
2061
|
|
|
2062
2062
|
# 1100
|
|
2063
2063
|
'diff',
|
|
2064
|
+
|
|
2065
|
+
# 1101
|
|
2066
|
+
'real',
|
|
2067
|
+
# 1102
|
|
2068
|
+
'imag',
|
|
2064
2069
|
]
|
|
2065
2070
|
|
|
2066
2071
|
__all__.extend(functional.__all__)
|
|
@@ -37,9 +37,11 @@ from mindspore.mint.distributed.distributed import (
|
|
|
37
37
|
get_group_rank,
|
|
38
38
|
all_reduce,
|
|
39
39
|
all_gather_into_tensor,
|
|
40
|
+
all_gather_into_tensor_uneven,
|
|
40
41
|
all_to_all,
|
|
41
42
|
all_to_all_single,
|
|
42
43
|
reduce_scatter_tensor,
|
|
44
|
+
reduce_scatter_tensor_uneven,
|
|
43
45
|
isend,
|
|
44
46
|
irecv,
|
|
45
47
|
send,
|
|
@@ -73,9 +75,11 @@ __all__ = [
|
|
|
73
75
|
"get_group_rank",
|
|
74
76
|
"all_reduce",
|
|
75
77
|
"all_gather_into_tensor",
|
|
78
|
+
"all_gather_into_tensor_uneven",
|
|
76
79
|
"all_to_all",
|
|
77
80
|
"all_to_all_single",
|
|
78
81
|
"reduce_scatter_tensor",
|
|
82
|
+
"reduce_scatter_tensor_uneven",
|
|
79
83
|
"isend",
|
|
80
84
|
"irecv",
|
|
81
85
|
"send",
|