mindspore 2.4.1__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/Microsoft.VisualStudio.Telemetry.dll +0 -0
- mindspore/Newtonsoft.Json.dll +0 -0
- 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/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/boost_cell_wrapper.py +136 -41
- mindspore/c1.dll +0 -0
- mindspore/c1xx.dll +0 -0
- mindspore/c2.dll +0 -0
- 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 +99 -25
- mindspore/common/dtype.py +34 -34
- mindspore/common/dump.py +2 -1
- mindspore/common/file_system.py +8 -1
- 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 +30 -27
- mindspore/common/tensor.py +713 -1337
- mindspore/communication/__init__.py +1 -1
- mindspore/communication/_comm_helper.py +10 -0
- mindspore/communication/comm_func.py +215 -173
- mindspore/communication/management.py +23 -20
- mindspore/context.py +292 -193
- 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 +28 -11
- mindspore/dataset/engine/datasets_text.py +38 -1
- mindspore/dataset/engine/datasets_user_defined.py +125 -65
- 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/dpcmi.dll +0 -0
- mindspore/experimental/llm_boost/__init__.py +3 -2
- 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 +239 -64
- mindspore/experimental/llm_boost/atb/llama_boost.py +52 -30
- mindspore/experimental/llm_boost/atb/qwen_boost.py +47 -24
- 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 +1 -2
- mindspore/include/dataset/constants.h +2 -2
- 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/msobj140.dll +0 -0
- mindspore/mspdb140.dll +0 -0
- mindspore/mspdbcore.dll +0 -0
- mindspore/mspdbst.dll +0 -0
- mindspore/mspft140.dll +0 -0
- mindspore/msvcdis140.dll +0 -0
- mindspore/msvcp140_1.dll +0 -0
- mindspore/msvcp140_2.dll +0 -0
- mindspore/msvcp140_atomic_wait.dll +0 -0
- mindspore/msvcp140_codecvt_ids.dll +0 -0
- mindspore/multiprocessing/__init__.py +5 -0
- mindspore/nn/__init__.py +2 -0
- mindspore/nn/cell.py +142 -21
- 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/conv.py +3 -0
- 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 +55 -23
- 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 +22 -0
- mindspore/nn/utils/init.py +73 -0
- 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 +107 -8
- 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 +8027 -3411
- 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 +1664 -294
- 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 +23 -17
- mindspore/ops/operations/custom_ops.py +7 -49
- 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 +153 -310
- 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 +44 -34
- mindspore/parallel/_cell_wrapper.py +22 -3
- mindspore/parallel/_parallel_serialization.py +13 -2
- mindspore/parallel/_utils.py +4 -2
- 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/pgodb140.dll +0 -0
- mindspore/pgort140.dll +0 -0
- 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 +18 -13
- 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/tbbmalloc.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 +37 -15
- 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 -14
- mindspore/train/serialization.py +461 -72
- 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/vcmeta.dll +0 -0
- mindspore/vcruntime140.dll +0 -0
- mindspore/vcruntime140_1.dll +0 -0
- mindspore/version.py +1 -1
- {mindspore-2.4.1.dist-info → mindspore-2.5.0.dist-info}/METADATA +3 -4
- {mindspore-2.4.1.dist-info → mindspore-2.5.0.dist-info}/RECORD +391 -265
- {mindspore-2.4.1.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.1.dist-info → mindspore-2.5.0.dist-info}/WHEEL +0 -0
- {mindspore-2.4.1.dist-info → mindspore-2.5.0.dist-info}/top_level.txt +0 -0
|
@@ -33,7 +33,8 @@ from .datasets import UnionBaseDataset, SourceDataset, MappableDataset, Shuffle,
|
|
|
33
33
|
from .datasets_user_defined import GeneratorDataset
|
|
34
34
|
from .obs.obs_mindrecord_dataset import MindRecordFromOBS
|
|
35
35
|
from .validators import check_csvdataset, check_minddataset, check_tfrecorddataset, check_obsminddataset
|
|
36
|
-
from
|
|
36
|
+
from ..core.validator_helpers import type_check
|
|
37
|
+
from ...mindrecord.config import _get_enc_key, _get_dec_mode, decrypt
|
|
37
38
|
|
|
38
39
|
|
|
39
40
|
from ..core.validator_helpers import replace_none
|
|
@@ -74,6 +75,8 @@ class CSVDataset(SourceDataset, UnionBaseDataset):
|
|
|
74
75
|
|
|
75
76
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
76
77
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
78
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
79
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
77
80
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None``. This
|
|
78
81
|
argument can only be specified when `num_shards` is also specified.
|
|
79
82
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -142,6 +145,8 @@ class MindDataset(MappableDataset, UnionBaseDataset):
|
|
|
142
145
|
|
|
143
146
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
144
147
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
148
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
149
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
145
150
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
146
151
|
argument can only be specified when `num_shards` is also specified.
|
|
147
152
|
sampler (Sampler, optional): Object used to choose samples from the
|
|
@@ -254,19 +259,15 @@ class MindDataset(MappableDataset, UnionBaseDataset):
|
|
|
254
259
|
|
|
255
260
|
# do decrypt & integrity check
|
|
256
261
|
if not isinstance(self.dataset_files, list):
|
|
257
|
-
if _get_enc_key() is not None
|
|
262
|
+
if _get_enc_key() is not None:
|
|
258
263
|
logger.warning("When a single mindrecord file which is generated by " +
|
|
259
264
|
"`mindspore.mindrecord.FileWriter` with `shard_num` > 1 is used as the input, " +
|
|
260
|
-
"enabling decryption
|
|
265
|
+
"enabling decryption check may fail. Please use file list as the input.")
|
|
261
266
|
|
|
262
267
|
# decrypt the data file and index file
|
|
263
268
|
index_file_name = self.dataset_files + ".db"
|
|
264
269
|
self.dataset_files = decrypt(self.dataset_files, _get_enc_key(), _get_dec_mode())
|
|
265
270
|
decrypt(index_file_name, _get_enc_key(), _get_dec_mode())
|
|
266
|
-
|
|
267
|
-
# verify integrity check
|
|
268
|
-
verify_file_hash(self.dataset_files)
|
|
269
|
-
verify_file_hash(self.dataset_files + ".db")
|
|
270
271
|
else:
|
|
271
272
|
file_tuple = []
|
|
272
273
|
for item in self.dataset_files:
|
|
@@ -275,10 +276,6 @@ class MindDataset(MappableDataset, UnionBaseDataset):
|
|
|
275
276
|
decrypt_filename = decrypt(item, _get_enc_key(), _get_dec_mode())
|
|
276
277
|
file_tuple.append(decrypt_filename)
|
|
277
278
|
decrypt(index_file_name, _get_enc_key(), _get_dec_mode())
|
|
278
|
-
|
|
279
|
-
# verify integrity check
|
|
280
|
-
verify_file_hash(decrypt_filename)
|
|
281
|
-
verify_file_hash(decrypt_filename + ".db")
|
|
282
279
|
self.dataset_files = file_tuple
|
|
283
280
|
|
|
284
281
|
self.columns_list = replace_none(columns_list, [])
|
|
@@ -301,6 +298,22 @@ class MindDataset(MappableDataset, UnionBaseDataset):
|
|
|
301
298
|
else:
|
|
302
299
|
self.new_padded_sample[k] = v
|
|
303
300
|
|
|
301
|
+
def __deepcopy__(self, memodict):
|
|
302
|
+
if id(self) in memodict:
|
|
303
|
+
return memodict[id(self)]
|
|
304
|
+
return self.__safe_deepcopy__(memodict, exclude=("mindrecord_op"))
|
|
305
|
+
|
|
306
|
+
def __getitem__(self, index):
|
|
307
|
+
type_check(index, (int,), "index")
|
|
308
|
+
if index < 0:
|
|
309
|
+
raise ValueError("index cannot be negative, but got {0}.".format(index))
|
|
310
|
+
if not hasattr(self, "mindrecord_op"):
|
|
311
|
+
minddata_node = cde.MindDataNode(
|
|
312
|
+
self.dataset_files, self.columns_list, self.sampler, self.new_padded_sample,
|
|
313
|
+
self.num_padded, shuffle_to_shuffle_mode(self.shuffle_option))
|
|
314
|
+
self.mindrecord_op = minddata_node.Build()
|
|
315
|
+
return [t.as_array() for t in self.mindrecord_op[index]]
|
|
316
|
+
|
|
304
317
|
|
|
305
318
|
class TFRecordDataset(SourceDataset, UnionBaseDataset):
|
|
306
319
|
"""
|
|
@@ -344,6 +357,8 @@ class TFRecordDataset(SourceDataset, UnionBaseDataset):
|
|
|
344
357
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
345
358
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
346
359
|
the maximum sample number per shard.
|
|
360
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
361
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
347
362
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
348
363
|
argument can only be specified when `num_shards` is also specified.
|
|
349
364
|
shard_equal_rows (bool, optional): Get equal rows for all shards. Default: ``False``. If `shard_equal_rows`
|
|
@@ -459,6 +474,8 @@ class OBSMindDataset(GeneratorDataset):
|
|
|
459
474
|
|
|
460
475
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
461
476
|
into. Default: ``None`` .
|
|
477
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
478
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
462
479
|
shard_id (int, optional): The shard ID within num_shards. Default: ``None`` . This
|
|
463
480
|
argument can only be specified when `num_shards` is also specified.
|
|
464
481
|
shard_equal_rows (bool, optional): Get equal rows for all shards. Default: ``True``. If shard_equal_rows
|
|
@@ -67,6 +67,8 @@ class AGNewsDataset(SourceDataset, TextBaseDataset):
|
|
|
67
67
|
num_shards (int, optional): Number of shards that the dataset will be divided into.
|
|
68
68
|
Default: ``None``. When this argument is specified, `num_samples` reflects the
|
|
69
69
|
max sample number of per shard.
|
|
70
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
71
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
70
72
|
shard_id (int, optional): The shard ID within `num_shards` . This
|
|
71
73
|
argument can only be specified when `num_shards` is also specified. Default: ``None``.
|
|
72
74
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -175,6 +177,8 @@ class AmazonReviewDataset(SourceDataset, TextBaseDataset):
|
|
|
175
177
|
|
|
176
178
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
177
179
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
180
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
181
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
178
182
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
179
183
|
argument can only be specified when `num_shards` is also specified.
|
|
180
184
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -273,6 +277,8 @@ class CLUEDataset(SourceDataset, TextBaseDataset):
|
|
|
273
277
|
|
|
274
278
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
275
279
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
280
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
281
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
276
282
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
277
283
|
argument can only be specified when `num_shards` is also specified.
|
|
278
284
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -515,7 +521,8 @@ class CoNLL2000Dataset(SourceDataset, TextBaseDataset):
|
|
|
515
521
|
|
|
516
522
|
num_shards (int, optional): Number of shards that the dataset will be divided into.
|
|
517
523
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
518
|
-
Default: ``None`` .
|
|
524
|
+
Default: ``None`` . Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
525
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
519
526
|
shard_id (int, optional): The shard ID within `num_shards` . This
|
|
520
527
|
argument can only be specified when `num_shards` is also specified. Default: ``None`` .
|
|
521
528
|
num_parallel_workers (int, optional): Number of worker threads to read the data.
|
|
@@ -618,6 +625,8 @@ class DBpediaDataset(SourceDataset, TextBaseDataset):
|
|
|
618
625
|
|
|
619
626
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
620
627
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
628
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
629
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
621
630
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
622
631
|
argument can only be specified when `num_shards` is also specified.
|
|
623
632
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -717,6 +726,8 @@ class EnWik9Dataset(SourceDataset, TextBaseDataset):
|
|
|
717
726
|
|
|
718
727
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
719
728
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
729
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
730
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
720
731
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
721
732
|
argument can only be specified when `num_shards` is also specified.
|
|
722
733
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -805,6 +816,8 @@ class IMDBDataset(MappableDataset, TextBaseDataset):
|
|
|
805
816
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
806
817
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
807
818
|
the maximum sample number of per shard.
|
|
819
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
820
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
808
821
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
809
822
|
argument can only be specified when `num_shards` is also specified.
|
|
810
823
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -941,6 +954,8 @@ class IWSLT2016Dataset(SourceDataset, TextBaseDataset):
|
|
|
941
954
|
|
|
942
955
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
943
956
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
957
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
958
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
944
959
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
945
960
|
argument can only be specified when `num_shards` is also specified.
|
|
946
961
|
num_parallel_workers (int, optional): Number of worker threads to read the data.
|
|
@@ -1073,6 +1088,8 @@ class IWSLT2017Dataset(SourceDataset, TextBaseDataset):
|
|
|
1073
1088
|
|
|
1074
1089
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1075
1090
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
1091
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
1092
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
1076
1093
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1077
1094
|
argument can only be specified when `num_shards` is also specified.
|
|
1078
1095
|
num_parallel_workers (int, optional): Number of worker threads to read the data.
|
|
@@ -1181,6 +1198,8 @@ class Multi30kDataset(SourceDataset, TextBaseDataset):
|
|
|
1181
1198
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
1182
1199
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
1183
1200
|
the max sample number of per shard.
|
|
1201
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
1202
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
1184
1203
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1185
1204
|
argument can only be specified when `num_shards` is also specified.
|
|
1186
1205
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -1290,6 +1309,8 @@ class PennTreebankDataset(SourceDataset, TextBaseDataset):
|
|
|
1290
1309
|
|
|
1291
1310
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1292
1311
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
1312
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
1313
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
1293
1314
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1294
1315
|
argument can only be specified when `num_shards` is also specified.
|
|
1295
1316
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -1389,6 +1410,8 @@ class SogouNewsDataset(SourceDataset, TextBaseDataset):
|
|
|
1389
1410
|
- ``Shuffle.FILES`` : Shuffle files only.
|
|
1390
1411
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1391
1412
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
1413
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
1414
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
1392
1415
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1393
1416
|
argument can only be specified when `num_shards` is also specified.
|
|
1394
1417
|
num_parallel_workers (int, optional): Number of worker threads to read the data.
|
|
@@ -1490,6 +1513,8 @@ class SQuADDataset(SourceDataset, TextBaseDataset):
|
|
|
1490
1513
|
|
|
1491
1514
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1492
1515
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
1516
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
1517
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
1493
1518
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1494
1519
|
argument can only be specified when `num_shards` is also specified.
|
|
1495
1520
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -1608,6 +1633,8 @@ class SST2Dataset(SourceDataset, TextBaseDataset):
|
|
|
1608
1633
|
|
|
1609
1634
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1610
1635
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
1636
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
1637
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
1611
1638
|
shard_id (int, optional): The shard ID within `num_shards`. This argument can only be specified when
|
|
1612
1639
|
`num_shards` is also specified. Default: ``None`` .
|
|
1613
1640
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -1711,6 +1738,8 @@ class TextFileDataset(SourceDataset, TextBaseDataset):
|
|
|
1711
1738
|
|
|
1712
1739
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1713
1740
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
1741
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
1742
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
1714
1743
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1715
1744
|
argument can only be specified when `num_shards` is also specified.
|
|
1716
1745
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -1775,6 +1804,8 @@ class UDPOSDataset(SourceDataset, TextBaseDataset):
|
|
|
1775
1804
|
|
|
1776
1805
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1777
1806
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
1807
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
1808
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
1778
1809
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1779
1810
|
argument can only be specified when `num_shards` is also specified.
|
|
1780
1811
|
num_parallel_workers (int, optional): Number of worker threads to read the data.
|
|
@@ -1861,6 +1892,8 @@ class WikiTextDataset(SourceDataset, TextBaseDataset):
|
|
|
1861
1892
|
|
|
1862
1893
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1863
1894
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
1895
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
1896
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
1864
1897
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1865
1898
|
argument can only be specified when `num_shards` is also specified.
|
|
1866
1899
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -1958,6 +1991,8 @@ class YahooAnswersDataset(SourceDataset, TextBaseDataset):
|
|
|
1958
1991
|
|
|
1959
1992
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1960
1993
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
1994
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
1995
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
1961
1996
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1962
1997
|
argument can only be specified when `num_shards` is also specified.
|
|
1963
1998
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
@@ -2058,6 +2093,8 @@ class YelpReviewDataset(SourceDataset, TextBaseDataset):
|
|
|
2058
2093
|
- ``Shuffle.FILES`` : Shuffle files only.
|
|
2059
2094
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
2060
2095
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
2096
|
+
Used in `data parallel training <https://www.mindspore.cn/docs/en/master/model_train/
|
|
2097
|
+
parallel/data_parallel.html#data-parallel-mode-loads-datasets>`_ .
|
|
2061
2098
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
2062
2099
|
argument can only be specified when `num_shards` is also specified.
|
|
2063
2100
|
num_parallel_workers (int, optional): Number of worker threads to read the data.
|