mindspore 2.2.14__cp39-cp39-win_amd64.whl → 2.4.0__cp39-cp39-win_amd64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of mindspore might be problematic. Click here for more details.
- mindspore/.commit_id +1 -1
- mindspore/Microsoft.VisualStudio.Telemetry.dll +0 -0
- mindspore/Newtonsoft.Json.dll +0 -0
- mindspore/__init__.py +8 -5
- mindspore/_c_dataengine.cp39-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp39-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp39-win_amd64.pyd +0 -0
- mindspore/_checkparam.py +124 -25
- mindspore/_extends/builtin_operations.py +2 -1
- mindspore/_extends/graph_kernel/model/graph_parallel.py +16 -6
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +3 -16
- mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +16 -4
- mindspore/_extends/parallel_compile/akg_compiler/compiler.py +1 -0
- mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +96 -0
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +2 -1
- mindspore/_extends/parallel_compile/akg_compiler/util.py +5 -2
- mindspore/_extends/parse/__init__.py +18 -14
- mindspore/_extends/parse/compile_config.py +299 -0
- mindspore/_extends/parse/namespace.py +2 -2
- mindspore/_extends/parse/parser.py +182 -68
- mindspore/_extends/parse/resources.py +45 -14
- mindspore/_extends/parse/standard_method.py +192 -252
- mindspore/{ops/_op_impl/tbe/atomic_addr_clean.py → _extends/pijit/__init__.py} +6 -16
- mindspore/_extends/pijit/pijit_func_white_list.py +669 -0
- mindspore/_extends/remote/kernel_build_server.py +2 -0
- mindspore/_profiler.py +30 -0
- mindspore/amp.py +67 -26
- 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/adasum.py +1 -1
- mindspore/boost/base.py +1 -1
- mindspore/boost/boost_cell_wrapper.py +2 -2
- mindspore/boost/grad_freeze.py +2 -2
- mindspore/boost/group_loss_scale_manager.py +1 -1
- mindspore/boost/less_batch_normalization.py +9 -6
- mindspore/c1.dll +0 -0
- mindspore/c1xx.dll +0 -0
- mindspore/c2.dll +0 -0
- mindspore/common/__init__.py +20 -7
- mindspore/common/_jit_fallback_utils.py +2 -3
- mindspore/common/_pijit_context.py +190 -0
- mindspore/common/_register_for_adapter.py +7 -0
- mindspore/common/_register_for_recompute.py +48 -0
- mindspore/common/_register_for_tensor.py +10 -10
- mindspore/common/_stub_tensor.py +7 -1
- mindspore/common/_tensor_overload.py +139 -0
- mindspore/common/_utils.py +5 -17
- mindspore/common/api.py +449 -129
- mindspore/common/auto_dynamic_shape.py +27 -14
- mindspore/common/dtype.py +17 -10
- mindspore/common/dump.py +8 -11
- mindspore/common/file_system.py +48 -0
- mindspore/common/generator.py +254 -0
- mindspore/common/hook_handle.py +65 -30
- mindspore/common/initializer.py +1 -1
- mindspore/common/jit_config.py +34 -14
- mindspore/common/lazy_inline.py +72 -19
- mindspore/common/mindir_util.py +12 -2
- mindspore/common/mutable.py +79 -14
- mindspore/common/no_inline.py +54 -0
- mindspore/common/np_dtype.py +25 -0
- mindspore/common/parameter.py +73 -21
- mindspore/common/recompute.py +292 -0
- mindspore/common/seed.py +9 -9
- mindspore/common/sparse_tensor.py +276 -24
- mindspore/common/symbol.py +122 -0
- mindspore/common/tensor.py +668 -514
- mindspore/communication/__init__.py +6 -11
- mindspore/communication/_comm_helper.py +43 -3
- mindspore/communication/comm_func.py +1395 -0
- mindspore/communication/management.py +117 -104
- mindspore/config/op_info.config +22 -54
- mindspore/context.py +455 -71
- mindspore/dataset/__init__.py +5 -5
- mindspore/dataset/audio/__init__.py +6 -6
- mindspore/dataset/audio/transforms.py +711 -158
- mindspore/dataset/callback/ds_callback.py +2 -2
- mindspore/dataset/core/config.py +7 -0
- mindspore/dataset/core/validator_helpers.py +7 -0
- mindspore/dataset/engine/cache_client.py +2 -2
- mindspore/dataset/engine/datasets.py +201 -116
- mindspore/dataset/engine/datasets_audio.py +14 -14
- mindspore/dataset/engine/datasets_standard_format.py +83 -3
- mindspore/dataset/engine/datasets_text.py +39 -39
- mindspore/dataset/engine/datasets_user_defined.py +230 -141
- mindspore/dataset/engine/datasets_vision.py +78 -74
- mindspore/dataset/engine/iterators.py +29 -0
- mindspore/dataset/engine/obs/util.py +7 -0
- mindspore/dataset/engine/offload.py +5 -7
- mindspore/dataset/engine/queue.py +138 -66
- mindspore/dataset/engine/serializer_deserializer.py +2 -2
- mindspore/dataset/engine/validators.py +41 -15
- mindspore/dataset/text/__init__.py +2 -5
- mindspore/dataset/text/transforms.py +408 -121
- mindspore/dataset/text/utils.py +9 -9
- mindspore/dataset/transforms/__init__.py +0 -3
- mindspore/dataset/transforms/transforms.py +261 -76
- mindspore/dataset/utils/browse_dataset.py +9 -9
- mindspore/dataset/utils/line_reader.py +2 -0
- mindspore/dataset/vision/__init__.py +7 -10
- mindspore/dataset/vision/c_transforms.py +10 -10
- mindspore/dataset/vision/py_transforms_util.py +1 -1
- mindspore/dataset/vision/transforms.py +2844 -549
- mindspore/dataset/vision/utils.py +161 -10
- mindspore/dataset/vision/validators.py +16 -3
- mindspore/dnnl.dll +0 -0
- mindspore/dpcmi.dll +0 -0
- mindspore/{rewrite/ast_creator_register.py → experimental/es/__init__.py} +5 -20
- mindspore/experimental/es/embedding_service.py +883 -0
- mindspore/experimental/es/embedding_service_layer.py +581 -0
- mindspore/experimental/llm_boost/__init__.py +21 -0
- mindspore/experimental/llm_boost/atb/__init__.py +23 -0
- mindspore/experimental/llm_boost/atb/boost_base.py +211 -0
- mindspore/experimental/llm_boost/atb/llama_boost.py +115 -0
- mindspore/experimental/llm_boost/atb/qwen_boost.py +101 -0
- mindspore/experimental/llm_boost/register.py +129 -0
- mindspore/experimental/llm_boost/utils.py +31 -0
- mindspore/experimental/optim/__init__.py +12 -2
- mindspore/experimental/optim/adadelta.py +161 -0
- mindspore/experimental/optim/adagrad.py +168 -0
- mindspore/experimental/optim/adam.py +35 -34
- mindspore/experimental/optim/adamax.py +170 -0
- mindspore/experimental/optim/adamw.py +124 -15
- mindspore/experimental/optim/asgd.py +153 -0
- mindspore/experimental/optim/lr_scheduler.py +66 -121
- mindspore/experimental/optim/nadam.py +157 -0
- mindspore/experimental/optim/optimizer.py +18 -8
- mindspore/experimental/optim/radam.py +194 -0
- mindspore/experimental/optim/rmsprop.py +154 -0
- mindspore/experimental/optim/rprop.py +164 -0
- mindspore/experimental/optim/sgd.py +28 -19
- mindspore/hal/__init__.py +40 -0
- mindspore/hal/_ascend.py +57 -0
- mindspore/hal/_base.py +57 -0
- mindspore/hal/_cpu.py +56 -0
- mindspore/hal/_gpu.py +57 -0
- mindspore/hal/contiguous_tensors_handle.py +175 -0
- mindspore/hal/device.py +356 -0
- mindspore/hal/event.py +179 -0
- mindspore/hal/memory.py +326 -0
- mindspore/hal/stream.py +357 -0
- mindspore/include/api/data_type.h +2 -2
- mindspore/include/api/dual_abi_helper.h +16 -3
- mindspore/include/api/model.h +4 -3
- mindspore/include/api/model_group.h +13 -1
- mindspore/include/api/status.h +14 -0
- mindspore/include/api/types.h +10 -10
- mindspore/include/c_api/model_c.h +173 -0
- mindspore/include/c_api/types_c.h +19 -0
- mindspore/include/dataset/config.h +2 -2
- mindspore/include/dataset/constants.h +2 -2
- mindspore/include/dataset/execute.h +3 -5
- mindspore/include/dataset/vision.h +58 -2
- mindspore/jpeg62.dll +0 -0
- mindspore/log.py +3 -3
- mindspore/mindrecord/__init__.py +5 -1
- mindspore/mindrecord/config.py +809 -0
- mindspore/mindrecord/filereader.py +25 -0
- mindspore/mindrecord/filewriter.py +138 -103
- mindspore/mindrecord/mindpage.py +40 -6
- mindspore/mindrecord/shardutils.py +3 -2
- mindspore/mindrecord/shardwriter.py +7 -0
- mindspore/mindrecord/tools/cifar100_to_mr.py +8 -13
- mindspore/mindrecord/tools/cifar10_to_mr.py +9 -15
- mindspore/mindrecord/tools/csv_to_mr.py +4 -9
- mindspore/mindrecord/tools/imagenet_to_mr.py +3 -8
- mindspore/mindrecord/tools/mnist_to_mr.py +7 -12
- mindspore/mindrecord/tools/tfrecord_to_mr.py +1 -6
- 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_np_dtype.dll +0 -0
- mindspore/mindspore_ops.dll +0 -0
- mindspore/mint/__init__.py +1586 -0
- mindspore/mint/distributed/__init__.py +31 -0
- mindspore/mint/distributed/distributed.py +254 -0
- mindspore/{rewrite/ast_transformers → mint/linalg}/__init__.py +9 -4
- mindspore/mint/nn/__init__.py +757 -0
- mindspore/mint/nn/functional.py +679 -0
- mindspore/mint/nn/layer/__init__.py +39 -0
- mindspore/mint/nn/layer/activation.py +133 -0
- mindspore/mint/nn/layer/normalization.py +477 -0
- mindspore/mint/nn/layer/pooling.py +110 -0
- mindspore/mint/optim/__init__.py +24 -0
- mindspore/mint/optim/adamw.py +206 -0
- mindspore/mint/special/__init__.py +63 -0
- mindspore/msobj140.dll +0 -0
- mindspore/mspdb140.dll +0 -0
- mindspore/mspdbcore.dll +0 -0
- mindspore/mspdbst.dll +0 -0
- mindspore/mspft140.dll +0 -0
- mindspore/msvcdis140.dll +0 -0
- mindspore/msvcp140_1.dll +0 -0
- mindspore/msvcp140_2.dll +0 -0
- mindspore/msvcp140_atomic_wait.dll +0 -0
- mindspore/msvcp140_codecvt_ids.dll +0 -0
- mindspore/multiprocessing/__init__.py +73 -0
- mindspore/nn/cell.py +461 -323
- mindspore/nn/dynamic_lr.py +2 -2
- mindspore/nn/layer/activation.py +292 -135
- mindspore/nn/layer/basic.py +288 -83
- mindspore/nn/layer/channel_shuffle.py +3 -16
- mindspore/nn/layer/container.py +3 -3
- mindspore/nn/layer/conv.py +75 -66
- mindspore/nn/layer/embedding.py +221 -45
- mindspore/nn/layer/image.py +4 -7
- mindspore/nn/layer/math.py +1 -1
- mindspore/nn/layer/normalization.py +150 -68
- mindspore/nn/layer/padding.py +64 -87
- mindspore/nn/layer/pooling.py +175 -12
- mindspore/nn/layer/rnn_cells.py +6 -16
- mindspore/nn/layer/rnns.py +6 -5
- mindspore/nn/layer/thor_layer.py +1 -2
- mindspore/nn/layer/timedistributed.py +1 -1
- mindspore/nn/layer/transformer.py +55 -53
- mindspore/nn/learning_rate_schedule.py +6 -5
- mindspore/nn/loss/__init__.py +2 -2
- mindspore/nn/loss/loss.py +145 -88
- mindspore/nn/optim/__init__.py +2 -1
- mindspore/nn/optim/ada_grad.py +4 -2
- mindspore/nn/optim/adadelta.py +4 -2
- mindspore/nn/optim/adafactor.py +1 -1
- mindspore/nn/optim/adam.py +102 -181
- mindspore/nn/optim/adamax.py +4 -2
- mindspore/nn/optim/adasum.py +3 -3
- mindspore/nn/optim/asgd.py +4 -2
- mindspore/nn/optim/ftrl.py +31 -61
- mindspore/nn/optim/lamb.py +5 -3
- mindspore/nn/optim/lars.py +2 -2
- mindspore/nn/optim/lazyadam.py +6 -4
- mindspore/nn/optim/momentum.py +13 -25
- mindspore/nn/optim/optimizer.py +6 -3
- mindspore/nn/optim/proximal_ada_grad.py +4 -2
- mindspore/nn/optim/rmsprop.py +9 -3
- mindspore/nn/optim/rprop.py +4 -2
- mindspore/nn/optim/sgd.py +5 -3
- mindspore/nn/optim/tft_wrapper.py +127 -0
- mindspore/nn/optim/thor.py +2 -2
- mindspore/nn/probability/distribution/_utils/custom_ops.py +2 -2
- mindspore/nn/probability/distribution/beta.py +2 -2
- mindspore/nn/probability/distribution/categorical.py +4 -6
- mindspore/nn/probability/distribution/cauchy.py +2 -2
- mindspore/nn/probability/distribution/exponential.py +2 -2
- mindspore/nn/probability/distribution/geometric.py +1 -1
- mindspore/nn/probability/distribution/gumbel.py +2 -2
- mindspore/nn/probability/distribution/logistic.py +1 -1
- mindspore/nn/probability/distribution/poisson.py +2 -2
- mindspore/nn/probability/distribution/uniform.py +2 -2
- mindspore/nn/reinforcement/_tensors_queue.py +13 -1
- mindspore/nn/wrap/__init__.py +2 -1
- mindspore/nn/wrap/cell_wrapper.py +46 -12
- mindspore/nn/wrap/grad_reducer.py +148 -8
- mindspore/nn/wrap/loss_scale.py +44 -7
- mindspore/numpy/__init__.py +2 -0
- mindspore/numpy/array_creations.py +67 -68
- mindspore/numpy/array_ops.py +70 -66
- mindspore/numpy/dtypes.py +3 -3
- mindspore/numpy/fft.py +966 -0
- mindspore/numpy/logic_ops.py +11 -10
- mindspore/numpy/math_ops.py +147 -152
- mindspore/numpy/utils.py +3 -0
- 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 +9 -6
- mindspore/ops/_grad_experimental/grad_array_ops.py +4 -129
- mindspore/ops/_grad_experimental/grad_comm_ops.py +135 -36
- mindspore/ops/_grad_experimental/grad_math_ops.py +61 -298
- mindspore/ops/_grad_experimental/grad_nn_ops.py +0 -53
- mindspore/ops/_grad_experimental/grad_quant_ops.py +3 -3
- mindspore/ops/_grad_experimental/grad_sparse.py +1 -1
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +3 -3
- mindspore/ops/_op_impl/__init__.py +0 -1
- mindspore/ops/_op_impl/aicpu/gamma.py +2 -0
- mindspore/ops/_op_impl/aicpu/generate_eod_mask.py +1 -1
- mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +1 -3
- mindspore/ops/_op_impl/aicpu/poisson.py +2 -0
- mindspore/ops/_op_impl/cpu/__init__.py +1 -3
- mindspore/ops/_op_impl/cpu/adam.py +2 -2
- mindspore/ops/_op_impl/cpu/adam_weight_decay.py +3 -2
- mindspore/ops/_op_impl/cpu/maximum_grad.py +16 -14
- mindspore/ops/_op_impl/cpu/minimum_grad.py +8 -0
- mindspore/ops/_vmap/vmap_array_ops.py +162 -101
- mindspore/ops/_vmap/vmap_base.py +8 -1
- mindspore/ops/_vmap/vmap_grad_math_ops.py +95 -9
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +143 -58
- mindspore/ops/_vmap/vmap_image_ops.py +70 -13
- mindspore/ops/_vmap/vmap_math_ops.py +147 -59
- mindspore/ops/_vmap/vmap_nn_ops.py +292 -117
- mindspore/ops/_vmap/vmap_other_ops.py +1 -1
- mindspore/ops/auto_generate/__init__.py +31 -0
- mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +309 -0
- mindspore/ops/auto_generate/gen_arg_dtype_cast.py +252 -0
- mindspore/ops/auto_generate/gen_arg_handler.py +197 -0
- mindspore/ops/auto_generate/gen_extend_func.py +1701 -0
- mindspore/ops/auto_generate/gen_ops_def.py +8482 -0
- mindspore/ops/auto_generate/gen_ops_prim.py +16704 -0
- mindspore/ops/auto_generate/pyboost_inner_prim.py +549 -0
- mindspore/ops/composite/__init__.py +5 -2
- mindspore/ops/composite/base.py +201 -66
- mindspore/ops/composite/math_ops.py +10 -49
- mindspore/ops/composite/multitype_ops/_compile_utils.py +192 -618
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +25 -134
- mindspore/ops/composite/multitype_ops/add_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/div_impl.py +8 -0
- mindspore/ops/composite/multitype_ops/equal_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/floordiv_impl.py +8 -0
- mindspore/ops/composite/multitype_ops/getitem_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/greater_equal_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/greater_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/in_impl.py +8 -2
- mindspore/ops/composite/multitype_ops/left_shift_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/less_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/logic_not_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/logical_and_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/logical_or_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/mod_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/mul_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/negative_impl.py +9 -3
- mindspore/ops/composite/multitype_ops/not_equal_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/not_in_impl.py +8 -3
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +2 -2
- mindspore/ops/composite/multitype_ops/pow_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/right_shift_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/setitem_impl.py +32 -21
- mindspore/ops/composite/multitype_ops/sub_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +6 -3
- mindspore/ops/deprecated.py +14 -3
- mindspore/ops/function/__init__.py +53 -11
- mindspore/ops/function/array_func.py +1269 -1821
- mindspore/ops/function/clip_func.py +19 -31
- mindspore/ops/function/debug_func.py +114 -5
- mindspore/ops/function/fft_func.py +44 -0
- mindspore/ops/function/grad/grad_func.py +30 -22
- mindspore/ops/function/image_func.py +27 -21
- mindspore/ops/function/linalg_func.py +35 -68
- mindspore/ops/function/math_func.py +1170 -2697
- mindspore/ops/function/nn_func.py +2116 -1128
- mindspore/ops/function/other_func.py +8 -8
- mindspore/ops/function/parameter_func.py +5 -93
- mindspore/ops/function/random_func.py +435 -113
- mindspore/ops/function/reshard_func.py +104 -0
- mindspore/ops/function/sparse_func.py +4 -4
- mindspore/ops/function/sparse_unary_func.py +9 -16
- mindspore/ops/function/spectral_func.py +1 -1
- mindspore/ops/function/vmap_func.py +16 -15
- mindspore/ops/functional.py +355 -346
- mindspore/ops/op_info_register.py +18 -45
- mindspore/ops/operations/__init__.py +38 -24
- mindspore/ops/operations/_grad_ops.py +21 -927
- mindspore/ops/operations/_infer_ops.py +19 -0
- mindspore/ops/operations/_inner_ops.py +173 -607
- mindspore/ops/operations/_rl_inner_ops.py +2 -2
- mindspore/ops/operations/_scalar_ops.py +5 -480
- mindspore/ops/operations/_sequence_ops.py +6 -36
- mindspore/ops/operations/_tensor_array.py +8 -8
- mindspore/ops/operations/array_ops.py +106 -2837
- mindspore/ops/operations/comm_ops.py +799 -127
- mindspore/ops/operations/custom_ops.py +124 -119
- mindspore/ops/operations/debug_ops.py +142 -41
- mindspore/ops/operations/image_ops.py +1 -217
- mindspore/ops/operations/inner_ops.py +5 -40
- mindspore/ops/operations/linalg_ops.py +1 -49
- mindspore/ops/operations/manually_defined/__init__.py +24 -0
- mindspore/ops/operations/manually_defined/_inner.py +73 -0
- mindspore/ops/operations/manually_defined/ops_def.py +2271 -0
- mindspore/ops/operations/math_ops.py +666 -4972
- mindspore/ops/operations/nn_ops.py +205 -2213
- mindspore/ops/operations/other_ops.py +60 -49
- mindspore/ops/operations/random_ops.py +50 -54
- mindspore/ops/operations/reshard_ops.py +53 -0
- mindspore/ops/operations/sparse_ops.py +4 -4
- mindspore/ops/primitive.py +216 -103
- mindspore/ops_generate/__init__.py +27 -0
- mindspore/ops_generate/arg_dtype_cast.py +252 -0
- mindspore/ops_generate/arg_handler.py +197 -0
- mindspore/ops_generate/gen_aclnn_implement.py +263 -0
- mindspore/ops_generate/gen_constants.py +36 -0
- mindspore/ops_generate/gen_ops.py +1099 -0
- mindspore/ops_generate/gen_ops_inner_prim.py +131 -0
- mindspore/ops_generate/gen_pyboost_func.py +1052 -0
- mindspore/ops_generate/gen_utils.py +209 -0
- mindspore/ops_generate/op_proto.py +145 -0
- mindspore/ops_generate/pyboost_utils.py +367 -0
- mindspore/ops_generate/template.py +261 -0
- mindspore/parallel/__init__.py +8 -4
- mindspore/parallel/_auto_parallel_context.py +100 -10
- mindspore/parallel/_cell_wrapper.py +99 -9
- mindspore/parallel/_cost_model_context.py +1 -1
- mindspore/parallel/_dp_allreduce_fusion.py +159 -159
- mindspore/parallel/_parallel_serialization.py +67 -23
- mindspore/parallel/_ps_context.py +1 -1
- mindspore/parallel/_recovery_context.py +1 -1
- mindspore/parallel/_tensor.py +99 -22
- mindspore/parallel/_transformer/__init__.py +1 -1
- mindspore/parallel/_transformer/layers.py +1 -1
- mindspore/parallel/_transformer/loss.py +1 -1
- mindspore/parallel/_transformer/moe.py +1 -1
- mindspore/parallel/_transformer/op_parallel_config.py +1 -1
- mindspore/parallel/_transformer/transformer.py +2 -2
- mindspore/parallel/_utils.py +173 -6
- mindspore/parallel/algo_parameter_config.py +8 -10
- mindspore/parallel/checkpoint_transform.py +204 -38
- mindspore/parallel/cluster/__init__.py +15 -0
- mindspore/parallel/cluster/process_entity/__init__.py +18 -0
- mindspore/parallel/cluster/process_entity/_api.py +352 -0
- mindspore/parallel/cluster/process_entity/_utils.py +101 -0
- mindspore/parallel/cluster/run.py +136 -0
- mindspore/parallel/mpi/__init__.py +1 -1
- mindspore/parallel/mpi/_mpi_config.py +1 -1
- mindspore/parallel/parameter_broadcast.py +151 -0
- mindspore/parallel/shard.py +279 -37
- mindspore/parallel/transform_safetensors.py +993 -0
- mindspore/pgodb140.dll +0 -0
- mindspore/pgort140.dll +0 -0
- mindspore/profiler/__init__.py +4 -2
- mindspore/profiler/common/constant.py +29 -0
- mindspore/profiler/common/process_pool.py +41 -0
- mindspore/profiler/common/registry.py +47 -0
- mindspore/profiler/common/singleton.py +28 -0
- mindspore/profiler/common/util.py +153 -0
- mindspore/profiler/dynamic_profiler.py +694 -0
- mindspore/profiler/envprofiling.py +18 -20
- mindspore/{_extends/parallel_compile/tbe_compiler → profiler/parser/ascend_analysis}/__init__.py +1 -1
- mindspore/profiler/parser/ascend_analysis/constant.py +71 -0
- mindspore/profiler/parser/ascend_analysis/file_manager.py +180 -0
- mindspore/profiler/parser/ascend_analysis/function_event.py +185 -0
- mindspore/profiler/parser/ascend_analysis/fwk_cann_parser.py +136 -0
- mindspore/profiler/parser/ascend_analysis/fwk_file_parser.py +131 -0
- mindspore/profiler/parser/ascend_analysis/msprof_timeline_parser.py +104 -0
- mindspore/profiler/parser/ascend_analysis/path_manager.py +313 -0
- mindspore/profiler/parser/ascend_analysis/profiler_info_parser.py +123 -0
- mindspore/profiler/parser/ascend_analysis/tlv_decoder.py +86 -0
- mindspore/profiler/parser/ascend_analysis/trace_event_manager.py +75 -0
- mindspore/profiler/parser/ascend_cluster_generator.py +14 -9
- mindspore/profiler/parser/ascend_communicate_generator.py +0 -1
- mindspore/profiler/parser/ascend_flops_generator.py +20 -4
- mindspore/profiler/parser/ascend_hccl_generator.py +29 -278
- mindspore/profiler/parser/ascend_integrate_generator.py +42 -0
- mindspore/profiler/parser/ascend_memory_generator.py +185 -0
- mindspore/profiler/parser/ascend_msprof_exporter.py +148 -146
- mindspore/profiler/parser/ascend_msprof_generator.py +73 -283
- mindspore/profiler/parser/ascend_op_generator.py +92 -42
- mindspore/profiler/parser/ascend_timeline_generator.py +298 -133
- mindspore/profiler/parser/base_timeline_generator.py +25 -25
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +25 -12
- mindspore/profiler/parser/framework_parser.py +4 -393
- mindspore/profiler/parser/gpu_analysis/__init__.py +14 -0
- mindspore/profiler/parser/gpu_analysis/function_event.py +44 -0
- mindspore/profiler/parser/gpu_analysis/fwk_file_parser.py +89 -0
- mindspore/profiler/parser/gpu_analysis/profiler_info_parser.py +72 -0
- mindspore/profiler/parser/integrator.py +3 -1
- mindspore/profiler/parser/memory_usage_parser.py +0 -154
- mindspore/profiler/parser/minddata_parser.py +72 -3
- mindspore/profiler/parser/profiler_info.py +94 -7
- mindspore/profiler/profiler.py +153 -0
- mindspore/profiler/profiling.py +631 -508
- mindspore/rewrite/__init__.py +2 -14
- mindspore/rewrite/api/node.py +122 -36
- mindspore/rewrite/api/pattern_engine.py +2 -3
- mindspore/rewrite/api/scoped_value.py +16 -15
- mindspore/rewrite/api/symbol_tree.py +45 -29
- mindspore/rewrite/ast_helpers/__init__.py +3 -6
- mindspore/rewrite/ast_helpers/ast_converter.py +143 -0
- mindspore/rewrite/ast_helpers/ast_finder.py +48 -0
- mindspore/rewrite/ast_helpers/ast_flattener.py +268 -0
- mindspore/rewrite/ast_helpers/ast_modifier.py +160 -92
- mindspore/rewrite/common/__init__.py +1 -2
- mindspore/rewrite/common/config.py +24 -0
- mindspore/rewrite/common/{rewrite_elog.py → error_log.py} +39 -39
- mindspore/rewrite/{namer.py → common/namer.py} +63 -18
- mindspore/rewrite/common/namespace.py +118 -0
- mindspore/rewrite/node/__init__.py +5 -5
- mindspore/rewrite/node/call_function.py +23 -7
- mindspore/rewrite/node/cell_container.py +7 -3
- mindspore/rewrite/node/control_flow.py +53 -28
- mindspore/rewrite/node/node.py +212 -196
- mindspore/rewrite/node/node_manager.py +51 -22
- mindspore/rewrite/node/node_topological_manager.py +3 -23
- mindspore/rewrite/parsers/__init__.py +12 -0
- mindspore/rewrite/parsers/arguments_parser.py +8 -9
- mindspore/rewrite/parsers/assign_parser.py +637 -413
- mindspore/rewrite/parsers/attribute_parser.py +3 -4
- mindspore/rewrite/parsers/class_def_parser.py +115 -148
- mindspore/rewrite/parsers/constant_parser.py +5 -5
- mindspore/rewrite/parsers/container_parser.py +4 -6
- mindspore/rewrite/parsers/expr_parser.py +55 -0
- mindspore/rewrite/parsers/for_parser.py +31 -98
- mindspore/rewrite/parsers/function_def_parser.py +13 -5
- mindspore/rewrite/parsers/if_parser.py +28 -10
- mindspore/rewrite/parsers/module_parser.py +8 -182
- mindspore/rewrite/parsers/parser.py +1 -5
- mindspore/rewrite/parsers/parser_register.py +1 -1
- mindspore/rewrite/parsers/return_parser.py +5 -10
- mindspore/rewrite/parsers/while_parser.py +59 -0
- mindspore/rewrite/sparsify/utils.py +1 -1
- mindspore/rewrite/symbol_tree/__init__.py +20 -0
- mindspore/rewrite/{symbol_tree.py → symbol_tree/symbol_tree.py} +705 -186
- mindspore/rewrite/{symbol_tree_builder.py → symbol_tree/symbol_tree_builder.py} +8 -8
- mindspore/rewrite/{symbol_tree_dumper.py → symbol_tree/symbol_tree_dumper.py} +4 -4
- mindspore/run_check/_check_version.py +40 -115
- mindspore/run_check/run_check.py +1 -1
- mindspore/safeguard/rewrite_obfuscation.py +597 -263
- 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 +7 -5
- mindspore/train/_utils.py +204 -4
- mindspore/train/amp.py +335 -295
- mindspore/train/anf_ir_pb2.py +14 -2
- mindspore/train/callback/__init__.py +5 -2
- mindspore/train/callback/_backup_and_restore.py +5 -5
- mindspore/train/callback/_callback.py +4 -4
- mindspore/train/callback/_checkpoint.py +220 -43
- mindspore/train/callback/_cluster_monitor.py +201 -0
- mindspore/train/callback/_early_stop.py +2 -2
- mindspore/train/callback/_flops_collector.py +239 -0
- mindspore/train/callback/_landscape.py +15 -9
- mindspore/train/callback/_loss_monitor.py +5 -5
- mindspore/train/callback/_on_request_exit.py +136 -33
- mindspore/train/callback/_reduce_lr_on_plateau.py +2 -2
- mindspore/train/callback/_summary_collector.py +12 -12
- mindspore/train/callback/_tft_register.py +352 -0
- mindspore/train/callback/_time_monitor.py +3 -3
- mindspore/train/data_sink.py +6 -5
- mindspore/train/dataset_helper.py +66 -23
- mindspore/train/loss_scale_manager.py +2 -2
- mindspore/train/metrics/accuracy.py +7 -7
- mindspore/train/metrics/confusion_matrix.py +8 -6
- mindspore/train/metrics/cosine_similarity.py +6 -4
- mindspore/train/metrics/error.py +2 -2
- mindspore/train/metrics/metric.py +3 -3
- mindspore/train/metrics/perplexity.py +2 -1
- mindspore/train/metrics/roc.py +4 -4
- mindspore/train/metrics/topk.py +2 -2
- mindspore/train/mind_ir_pb2.py +116 -37
- mindspore/train/model.py +382 -76
- mindspore/train/serialization.py +787 -288
- mindspore/train/summary/_summary_adapter.py +1 -1
- mindspore/train/summary/summary_record.py +51 -28
- mindspore/train/train_thor/convert_utils.py +3 -3
- mindspore/turbojpeg.dll +0 -0
- mindspore/utils/__init__.py +21 -0
- mindspore/utils/utils.py +60 -0
- mindspore/vcmeta.dll +0 -0
- mindspore/vcruntime140.dll +0 -0
- mindspore/vcruntime140_1.dll +0 -0
- mindspore/version.py +1 -1
- {mindspore-2.2.14.dist-info → mindspore-2.4.0.dist-info}/METADATA +8 -4
- mindspore-2.4.0.dist-info/RECORD +1406 -0
- {mindspore-2.2.14.dist-info → mindspore-2.4.0.dist-info}/entry_points.txt +1 -0
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +0 -662
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +0 -377
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job.py +0 -201
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +0 -515
- mindspore/gen_ops.py +0 -273
- mindspore/include/c_api/ms/abstract.h +0 -67
- mindspore/include/c_api/ms/attribute.h +0 -197
- mindspore/include/c_api/ms/base/handle_types.h +0 -43
- mindspore/include/c_api/ms/base/macros.h +0 -32
- mindspore/include/c_api/ms/base/status.h +0 -33
- mindspore/include/c_api/ms/base/types.h +0 -282
- mindspore/include/c_api/ms/context.h +0 -102
- mindspore/include/c_api/ms/graph.h +0 -160
- mindspore/include/c_api/ms/node.h +0 -606
- mindspore/include/c_api/ms/tensor.h +0 -161
- mindspore/include/c_api/ms/value.h +0 -84
- mindspore/mindspore_shared_lib.dll +0 -0
- mindspore/nn/layer/flash_attention.py +0 -189
- mindspore/ops/_op_impl/aicpu/strided_slice_v2.py +0 -93
- mindspore/ops/_op_impl/aicpu/strided_slice_v2_grad.py +0 -66
- mindspore/ops/_op_impl/cpu/concat.py +0 -39
- mindspore/ops/_op_impl/cpu/tensor_shape.py +0 -42
- mindspore/ops/_op_impl/tbe/__init__.py +0 -47
- mindspore/ops/_op_impl/tbe/abs.py +0 -38
- mindspore/ops/_op_impl/tbe/abs_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/abs_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/abs_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/accumulate_n_v2.py +0 -41
- mindspore/ops/_op_impl/tbe/accumulate_n_v2_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/acos.py +0 -37
- mindspore/ops/_op_impl/tbe/acos_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/acos_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/acos_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/acosh.py +0 -37
- mindspore/ops/_op_impl/tbe/acosh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/acosh_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/acosh_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/act_ulq_clamp_max_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/act_ulq_clamp_min_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/acts_ulq.py +0 -45
- mindspore/ops/_op_impl/tbe/acts_ulq_input_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/adam_apply_one.py +0 -50
- mindspore/ops/_op_impl/tbe/adam_apply_one_assign.py +0 -53
- mindspore/ops/_op_impl/tbe/adam_apply_one_ds.py +0 -51
- mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay.py +0 -54
- mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay_assign.py +0 -54
- mindspore/ops/_op_impl/tbe/adam_apply_one_with_decay_ds.py +0 -55
- mindspore/ops/_op_impl/tbe/adaptive_max_pool2d.py +0 -37
- mindspore/ops/_op_impl/tbe/add.py +0 -42
- mindspore/ops/_op_impl/tbe/add_ds.py +0 -43
- mindspore/ops/_op_impl/tbe/add_n.py +0 -39
- mindspore/ops/_op_impl/tbe/add_n_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/addcdiv.py +0 -41
- mindspore/ops/_op_impl/tbe/addcdiv_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/addcmul.py +0 -43
- mindspore/ops/_op_impl/tbe/addcmul_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/apply_ada_max.py +0 -68
- mindspore/ops/_op_impl/tbe/apply_ada_max_ds.py +0 -69
- mindspore/ops/_op_impl/tbe/apply_adadelta.py +0 -66
- mindspore/ops/_op_impl/tbe/apply_adadelta_ds.py +0 -67
- mindspore/ops/_op_impl/tbe/apply_adagrad.py +0 -55
- mindspore/ops/_op_impl/tbe/apply_adagrad_d_a.py +0 -67
- mindspore/ops/_op_impl/tbe/apply_adagrad_ds.py +0 -56
- mindspore/ops/_op_impl/tbe/apply_adagrad_v2.py +0 -48
- mindspore/ops/_op_impl/tbe/apply_adagrad_v2_ds.py +0 -49
- mindspore/ops/_op_impl/tbe/apply_adam.py +0 -79
- mindspore/ops/_op_impl/tbe/apply_adam_ds.py +0 -80
- mindspore/ops/_op_impl/tbe/apply_adam_with_amsgrad.py +0 -60
- mindspore/ops/_op_impl/tbe/apply_adam_with_amsgrad_ds.py +0 -61
- mindspore/ops/_op_impl/tbe/apply_add_sign.py +0 -65
- mindspore/ops/_op_impl/tbe/apply_add_sign_ds.py +0 -66
- mindspore/ops/_op_impl/tbe/apply_centered_rms_prop.py +0 -77
- mindspore/ops/_op_impl/tbe/apply_centered_rms_prop_ds.py +0 -78
- mindspore/ops/_op_impl/tbe/apply_ftrl.py +0 -67
- mindspore/ops/_op_impl/tbe/apply_ftrl_ds.py +0 -68
- mindspore/ops/_op_impl/tbe/apply_gradient_descent.py +0 -44
- mindspore/ops/_op_impl/tbe/apply_gradient_descent_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/apply_keras_momentum.py +0 -49
- mindspore/ops/_op_impl/tbe/apply_momentum.py +0 -64
- mindspore/ops/_op_impl/tbe/apply_momentum_ds.py +0 -65
- mindspore/ops/_op_impl/tbe/apply_power_sign.py +0 -65
- mindspore/ops/_op_impl/tbe/apply_power_sign_ds.py +0 -66
- mindspore/ops/_op_impl/tbe/apply_proximal_adagrad.py +0 -57
- mindspore/ops/_op_impl/tbe/apply_proximal_adagrad_ds.py +0 -58
- mindspore/ops/_op_impl/tbe/apply_proximal_gradient_descent.py +0 -54
- mindspore/ops/_op_impl/tbe/apply_proximal_gradient_descent_ds.py +0 -55
- mindspore/ops/_op_impl/tbe/apply_rms_prop.py +0 -52
- mindspore/ops/_op_impl/tbe/approximate_equal.py +0 -39
- mindspore/ops/_op_impl/tbe/approximate_equal_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/arg_max.py +0 -38
- mindspore/ops/_op_impl/tbe/arg_max_with_value.py +0 -38
- mindspore/ops/_op_impl/tbe/arg_max_with_value_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/arg_min.py +0 -38
- mindspore/ops/_op_impl/tbe/arg_min_v2_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/arg_min_with_value.py +0 -38
- mindspore/ops/_op_impl/tbe/arg_min_with_value_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/asin.py +0 -37
- mindspore/ops/_op_impl/tbe/asin_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/asin_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/asin_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/asinh.py +0 -37
- mindspore/ops/_op_impl/tbe/asinh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/asinh_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/asinh_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/assign.py +0 -79
- mindspore/ops/_op_impl/tbe/assign_add.py +0 -59
- mindspore/ops/_op_impl/tbe/assign_add_ds.py +0 -60
- mindspore/ops/_op_impl/tbe/assign_ds.py +0 -80
- mindspore/ops/_op_impl/tbe/assign_sub.py +0 -55
- mindspore/ops/_op_impl/tbe/assign_sub_ds.py +0 -56
- mindspore/ops/_op_impl/tbe/atan.py +0 -37
- mindspore/ops/_op_impl/tbe/atan2.py +0 -38
- mindspore/ops/_op_impl/tbe/atan2_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/atan_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/atan_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/atan_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/atanh.py +0 -37
- mindspore/ops/_op_impl/tbe/atanh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/avg_pool.py +0 -43
- mindspore/ops/_op_impl/tbe/avg_pool_3d.py +0 -44
- mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +0 -45
- mindspore/ops/_op_impl/tbe/avg_pool_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/avg_pool_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/avg_pool_grad_vm.py +0 -42
- mindspore/ops/_op_impl/tbe/basic_lstm_cell.py +0 -57
- mindspore/ops/_op_impl/tbe/basic_lstm_cell_c_state_grad.py +0 -50
- mindspore/ops/_op_impl/tbe/basic_lstm_cell_c_state_grad_v2.py +0 -51
- mindspore/ops/_op_impl/tbe/basic_lstm_cell_input_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/basic_lstm_cell_weight_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/batch_matmul.py +0 -42
- mindspore/ops/_op_impl/tbe/batch_matmul_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/batch_matmul_v2.py +0 -47
- mindspore/ops/_op_impl/tbe/batch_to_space.py +0 -38
- mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +0 -38
- mindspore/ops/_op_impl/tbe/batch_to_space_nd_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/batch_to_space_nd_v2.py +0 -41
- mindspore/ops/_op_impl/tbe/batchnorm.py +0 -58
- mindspore/ops/_op_impl/tbe/batchnorm_grad.py +0 -58
- mindspore/ops/_op_impl/tbe/bce_with_logits_loss.py +0 -42
- mindspore/ops/_op_impl/tbe/bessel_i0e.py +0 -37
- mindspore/ops/_op_impl/tbe/bessel_i0e_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/bessel_i1e.py +0 -37
- mindspore/ops/_op_impl/tbe/bessel_i1e_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/bias_add.py +0 -38
- mindspore/ops/_op_impl/tbe/bias_add_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/bias_add_grad.py +0 -53
- mindspore/ops/_op_impl/tbe/binary_cross_entropy.py +0 -39
- mindspore/ops/_op_impl/tbe/binary_cross_entropy_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/binary_cross_entropy_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/binary_cross_entropy_grad_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/bitwise_and.py +0 -39
- mindspore/ops/_op_impl/tbe/bitwise_and_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/bitwise_or.py +0 -39
- mindspore/ops/_op_impl/tbe/bitwise_or_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/bitwise_xor.py +0 -39
- mindspore/ops/_op_impl/tbe/bitwise_xor_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/bn_infer.py +0 -43
- mindspore/ops/_op_impl/tbe/bn_infer_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/bn_infer_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/bn_infer_grad_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/bn_inference.py +0 -50
- mindspore/ops/_op_impl/tbe/bn_training_reduce.py +0 -38
- mindspore/ops/_op_impl/tbe/bn_training_reduce_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/bn_training_reduce_grad.py +0 -46
- mindspore/ops/_op_impl/tbe/bn_training_reduce_grad_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/bn_training_update.py +0 -52
- mindspore/ops/_op_impl/tbe/bn_training_update_ds.py +0 -53
- mindspore/ops/_op_impl/tbe/bn_training_update_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/bn_training_update_grad_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/bn_training_update_v2.py +0 -48
- mindspore/ops/_op_impl/tbe/bn_training_update_v3.py +0 -51
- mindspore/ops/_op_impl/tbe/bounding_box_decode.py +0 -41
- mindspore/ops/_op_impl/tbe/bounding_box_decode_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/bounding_box_encode.py +0 -38
- mindspore/ops/_op_impl/tbe/broadcast_to.py +0 -40
- mindspore/ops/_op_impl/tbe/broadcast_to_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/cast.py +0 -55
- mindspore/ops/_op_impl/tbe/cast_ds.py +0 -58
- mindspore/ops/_op_impl/tbe/cdist.py +0 -38
- mindspore/ops/_op_impl/tbe/cdist_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/ceil.py +0 -37
- mindspore/ops/_op_impl/tbe/ceil_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/celu.py +0 -39
- mindspore/ops/_op_impl/tbe/centralization.py +0 -39
- mindspore/ops/_op_impl/tbe/check_valid.py +0 -38
- mindspore/ops/_op_impl/tbe/check_valid_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/clip_by_norm_no_div_sum.py +0 -41
- mindspore/ops/_op_impl/tbe/clip_by_norm_no_div_sum_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/clip_by_value.py +0 -41
- mindspore/ops/_op_impl/tbe/clip_by_value_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/concat.py +0 -40
- mindspore/ops/_op_impl/tbe/concat_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/confusion_matrix.py +0 -63
- mindspore/ops/_op_impl/tbe/confusion_mul_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/confusion_softmax_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/confusion_transpose_d.py +0 -39
- mindspore/ops/_op_impl/tbe/conv2d.py +0 -47
- mindspore/ops/_op_impl/tbe/conv2d_backprop_filter.py +0 -42
- mindspore/ops/_op_impl/tbe/conv2d_backprop_filter_ds.py +0 -43
- mindspore/ops/_op_impl/tbe/conv2d_backprop_input.py +0 -42
- mindspore/ops/_op_impl/tbe/conv2d_backprop_input_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/conv2d_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/conv2d_transpose.py +0 -48
- mindspore/ops/_op_impl/tbe/conv3d.py +0 -45
- mindspore/ops/_op_impl/tbe/conv3d_backprop_filter.py +0 -42
- mindspore/ops/_op_impl/tbe/conv3d_backprop_input.py +0 -42
- mindspore/ops/_op_impl/tbe/conv3d_transpose.py +0 -47
- mindspore/ops/_op_impl/tbe/conv3d_transpose_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/cos.py +0 -37
- mindspore/ops/_op_impl/tbe/cos_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/cosh.py +0 -37
- mindspore/ops/_op_impl/tbe/cosh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/ctc_loss_v2.py +0 -42
- mindspore/ops/_op_impl/tbe/ctc_loss_v2_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/cum_sum.py +0 -42
- mindspore/ops/_op_impl/tbe/cum_sum_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/cummin.py +0 -41
- mindspore/ops/_op_impl/tbe/cumprod.py +0 -42
- mindspore/ops/_op_impl/tbe/data_format_dim_map.py +0 -38
- mindspore/ops/_op_impl/tbe/data_format_dim_map_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/deformable_offsets.py +0 -45
- mindspore/ops/_op_impl/tbe/deformable_offsets_grad.py +0 -48
- mindspore/ops/_op_impl/tbe/depth_to_space_ds.py +0 -49
- mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +0 -44
- mindspore/ops/_op_impl/tbe/depthwise_conv2d_backprop_filter.py +0 -41
- mindspore/ops/_op_impl/tbe/depthwise_conv2d_backprop_input.py +0 -41
- mindspore/ops/_op_impl/tbe/diag.py +0 -38
- mindspore/ops/_op_impl/tbe/diag_part.py +0 -38
- mindspore/ops/_op_impl/tbe/dilation.py +0 -40
- mindspore/ops/_op_impl/tbe/div.py +0 -41
- mindspore/ops/_op_impl/tbe/div_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/div_no_nan.py +0 -41
- mindspore/ops/_op_impl/tbe/div_no_nan_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/dropout_do_mask.py +0 -38
- mindspore/ops/_op_impl/tbe/dropout_do_mask_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/dropout_do_mask_v3.py +0 -39
- mindspore/ops/_op_impl/tbe/dynamic_atomic_addr_clean.py +0 -34
- mindspore/ops/_op_impl/tbe/dynamic_gru_v2.py +0 -95
- mindspore/ops/_op_impl/tbe/dynamic_rnn.py +0 -82
- mindspore/ops/_op_impl/tbe/elu.py +0 -38
- mindspore/ops/_op_impl/tbe/elu_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/elu_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/elu_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/equal.py +0 -42
- mindspore/ops/_op_impl/tbe/equal_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/erf.py +0 -37
- mindspore/ops/_op_impl/tbe/erf_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/erfc.py +0 -37
- mindspore/ops/_op_impl/tbe/erfc_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/erfinv.py +0 -36
- mindspore/ops/_op_impl/tbe/exp.py +0 -40
- mindspore/ops/_op_impl/tbe/exp_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/expand_dims.py +0 -38
- mindspore/ops/_op_impl/tbe/expm1.py +0 -37
- mindspore/ops/_op_impl/tbe/expm1_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/extract_image_patches.py +0 -41
- mindspore/ops/_op_impl/tbe/extract_volume_patches.py +0 -39
- mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars.py +0 -39
- mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_gradient.py +0 -43
- mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_per_channel.py +0 -39
- mindspore/ops/_op_impl/tbe/fake_quant_with_min_max_vars_per_channel_gradient.py +0 -43
- mindspore/ops/_op_impl/tbe/fast_gelu.py +0 -37
- mindspore/ops/_op_impl/tbe/fast_gelu_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/fast_gelu_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/fast_gelu_grad_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/fill.py +0 -56
- mindspore/ops/_op_impl/tbe/fill_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/flatten.py +0 -48
- mindspore/ops/_op_impl/tbe/floor.py +0 -37
- mindspore/ops/_op_impl/tbe/floor_div.py +0 -41
- mindspore/ops/_op_impl/tbe/floor_div_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/floor_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/floor_mod.py +0 -39
- mindspore/ops/_op_impl/tbe/floor_mod_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/fused_dbn_dw.py +0 -52
- mindspore/ops/_op_impl/tbe/fused_mul_add.py +0 -38
- mindspore/ops/_op_impl/tbe/fused_mul_add_n.py +0 -48
- mindspore/ops/_op_impl/tbe/fused_mul_add_n_l2loss.py +0 -53
- mindspore/ops/_op_impl/tbe/fused_mul_apply_momentum.py +0 -57
- mindspore/ops/_op_impl/tbe/fused_mul_apply_momentum_extern.py +0 -67
- mindspore/ops/_op_impl/tbe/gather_nd.py +0 -52
- mindspore/ops/_op_impl/tbe/gather_nd_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/gather_v2.py +0 -56
- mindspore/ops/_op_impl/tbe/gather_v2_ds.py +0 -68
- mindspore/ops/_op_impl/tbe/gelu.py +0 -37
- mindspore/ops/_op_impl/tbe/gelu_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/gelu_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/gelu_grad_ds.py +0 -43
- mindspore/ops/_op_impl/tbe/ger.py +0 -43
- mindspore/ops/_op_impl/tbe/ger_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/greater.py +0 -43
- mindspore/ops/_op_impl/tbe/greater_equal.py +0 -41
- mindspore/ops/_op_impl/tbe/greater_equal_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/gru_v2_hidden_grad.py +0 -51
- mindspore/ops/_op_impl/tbe/gru_v2_hidden_grad_cell.py +0 -52
- mindspore/ops/_op_impl/tbe/hard_swish.py +0 -37
- mindspore/ops/_op_impl/tbe/hard_swish_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/hard_swish_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/hard_swish_grad_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/histogram_fixed_width.py +0 -40
- mindspore/ops/_op_impl/tbe/hshrink.py +0 -33
- mindspore/ops/_op_impl/tbe/hshrink_grad.py +0 -37
- mindspore/ops/_op_impl/tbe/hsigmoid.py +0 -45
- mindspore/ops/_op_impl/tbe/hsigmoid_grad.py +0 -39
- mindspore/ops/_op_impl/tbe/ifmr.py +0 -47
- mindspore/ops/_op_impl/tbe/ifmr_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/im2col.py +0 -42
- mindspore/ops/_op_impl/tbe/in_top_k.py +0 -37
- mindspore/ops/_op_impl/tbe/inplace_add.py +0 -39
- mindspore/ops/_op_impl/tbe/inplace_index_add.py +0 -46
- mindspore/ops/_op_impl/tbe/inplace_sub.py +0 -39
- mindspore/ops/_op_impl/tbe/inplace_update.py +0 -39
- mindspore/ops/_op_impl/tbe/inplace_update_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/inv.py +0 -38
- mindspore/ops/_op_impl/tbe/inv_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/inv_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/inv_grad_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/invert.py +0 -37
- mindspore/ops/_op_impl/tbe/invert_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/iou.py +0 -38
- mindspore/ops/_op_impl/tbe/iou_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/is_close.py +0 -40
- mindspore/ops/_op_impl/tbe/kl_div_loss.py +0 -38
- mindspore/ops/_op_impl/tbe/kl_div_loss_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/kl_div_loss_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/l2_loss.py +0 -36
- mindspore/ops/_op_impl/tbe/l2_loss_ds.py +0 -37
- mindspore/ops/_op_impl/tbe/l2_normalize.py +0 -38
- mindspore/ops/_op_impl/tbe/l2_normalize_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/lamb_apply_optimizer_assign.py +0 -55
- mindspore/ops/_op_impl/tbe/lamb_apply_weight_assign.py +0 -42
- mindspore/ops/_op_impl/tbe/lamb_next_mv.py +0 -59
- mindspore/ops/_op_impl/tbe/lamb_next_mv_with_decay.py +0 -59
- mindspore/ops/_op_impl/tbe/lamb_next_right.py +0 -44
- mindspore/ops/_op_impl/tbe/lamb_update_with_lr.py +0 -48
- mindspore/ops/_op_impl/tbe/lamb_update_with_lr_v2.py +0 -44
- mindspore/ops/_op_impl/tbe/lars_update.py +0 -50
- mindspore/ops/_op_impl/tbe/lars_update_ds.py +0 -51
- mindspore/ops/_op_impl/tbe/layer_norm.py +0 -46
- mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop.py +0 -44
- mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_v2.py +0 -40
- mindspore/ops/_op_impl/tbe/layer_norm_beta_gamma_backprop_v2_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/layer_norm_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/layer_norm_grad.py +0 -48
- mindspore/ops/_op_impl/tbe/layer_norm_x_backprop.py +0 -43
- mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_v2.py +0 -45
- mindspore/ops/_op_impl/tbe/layer_norm_x_backprop_v2_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/lerp.py +0 -38
- mindspore/ops/_op_impl/tbe/less.py +0 -41
- mindspore/ops/_op_impl/tbe/less_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/less_equal.py +0 -41
- mindspore/ops/_op_impl/tbe/less_equal_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/log.py +0 -40
- mindspore/ops/_op_impl/tbe/log1p.py +0 -37
- mindspore/ops/_op_impl/tbe/log1p_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/log_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/logical_and.py +0 -37
- mindspore/ops/_op_impl/tbe/logical_and_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/logical_not.py +0 -36
- mindspore/ops/_op_impl/tbe/logical_not_ds.py +0 -37
- mindspore/ops/_op_impl/tbe/logical_or.py +0 -37
- mindspore/ops/_op_impl/tbe/logical_or_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/logsoftmax.py +0 -37
- mindspore/ops/_op_impl/tbe/logsoftmax_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/logsoftmax_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/logsoftmax_grad_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/lp_norm.py +0 -40
- mindspore/ops/_op_impl/tbe/lp_norm_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/lrn.py +0 -41
- mindspore/ops/_op_impl/tbe/lrn_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/lstm_input_grad.py +0 -51
- mindspore/ops/_op_impl/tbe/masked_fill.py +0 -40
- mindspore/ops/_op_impl/tbe/masked_fill_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/matmul.py +0 -53
- mindspore/ops/_op_impl/tbe/matmul_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/matmul_v2.py +0 -50
- mindspore/ops/_op_impl/tbe/matrix_diag.py +0 -45
- mindspore/ops/_op_impl/tbe/matrix_diag_part.py +0 -45
- mindspore/ops/_op_impl/tbe/matrix_set_diag.py +0 -46
- mindspore/ops/_op_impl/tbe/max_pool.py +0 -39
- mindspore/ops/_op_impl/tbe/max_pool3d.py +0 -44
- mindspore/ops/_op_impl/tbe/max_pool3d_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/max_pool3d_grad_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/max_pool_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/max_pool_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/max_pool_grad_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/max_pool_grad_grad_with_argmax.py +0 -41
- mindspore/ops/_op_impl/tbe/max_pool_grad_with_argmax.py +0 -42
- mindspore/ops/_op_impl/tbe/max_pool_with_argmax.py +0 -40
- mindspore/ops/_op_impl/tbe/maximum.py +0 -39
- mindspore/ops/_op_impl/tbe/maximum_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/maximum_grad.py +0 -46
- mindspore/ops/_op_impl/tbe/maximum_grad_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/mem_set.py +0 -38
- mindspore/ops/_op_impl/tbe/minimum.py +0 -40
- mindspore/ops/_op_impl/tbe/minimum_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/minimum_grad.py +0 -46
- mindspore/ops/_op_impl/tbe/minimum_grad_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/mish.py +0 -37
- mindspore/ops/_op_impl/tbe/mod.py +0 -41
- mindspore/ops/_op_impl/tbe/mod_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/mul.py +0 -37
- mindspore/ops/_op_impl/tbe/mul_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/mul_no_nan.py +0 -39
- mindspore/ops/_op_impl/tbe/mul_no_nan_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/multilabel_margin_loss.py +0 -39
- mindspore/ops/_op_impl/tbe/neg.py +0 -39
- mindspore/ops/_op_impl/tbe/neg_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/new_im2col.py +0 -40
- mindspore/ops/_op_impl/tbe/nll_loss.py +0 -41
- mindspore/ops/_op_impl/tbe/nll_loss_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/nms_with_mask.py +0 -39
- mindspore/ops/_op_impl/tbe/not_equal.py +0 -41
- mindspore/ops/_op_impl/tbe/not_equal_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/npu_alloc_float_status.py +0 -34
- mindspore/ops/_op_impl/tbe/npu_clear_float_status.py +0 -35
- mindspore/ops/_op_impl/tbe/npu_clear_float_status_v2.py +0 -35
- mindspore/ops/_op_impl/tbe/npu_get_float_status.py +0 -35
- mindspore/ops/_op_impl/tbe/npu_get_float_status_v2.py +0 -35
- mindspore/ops/_op_impl/tbe/one_hot.py +0 -48
- mindspore/ops/_op_impl/tbe/one_hot_ds.py +0 -45
- mindspore/ops/_op_impl/tbe/ones_like.py +0 -40
- mindspore/ops/_op_impl/tbe/ones_like_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/p_s_r_o_i_pooling.py +0 -40
- mindspore/ops/_op_impl/tbe/p_s_r_o_i_pooling_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/pack.py +0 -58
- mindspore/ops/_op_impl/tbe/pack_ds.py +0 -59
- mindspore/ops/_op_impl/tbe/pad_d.py +0 -40
- mindspore/ops/_op_impl/tbe/pad_d_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/parallel_concat.py +0 -70
- mindspore/ops/_op_impl/tbe/parallel_resize_bilinear.py +0 -45
- mindspore/ops/_op_impl/tbe/parallel_resize_bilinear_grad.py +0 -44
- mindspore/ops/_op_impl/tbe/pdist.py +0 -36
- mindspore/ops/_op_impl/tbe/pooling.py +0 -46
- mindspore/ops/_op_impl/tbe/population_count.py +0 -38
- mindspore/ops/_op_impl/tbe/pow.py +0 -41
- mindspore/ops/_op_impl/tbe/pow_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/prelu.py +0 -37
- mindspore/ops/_op_impl/tbe/prelu_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/prelu_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/range.py +0 -39
- mindspore/ops/_op_impl/tbe/real_div.py +0 -38
- mindspore/ops/_op_impl/tbe/real_div_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/reciprocal.py +0 -36
- mindspore/ops/_op_impl/tbe/reciprocal_ds.py +0 -37
- mindspore/ops/_op_impl/tbe/reciprocal_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/reciprocal_grad_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/reduce_all.py +0 -38
- mindspore/ops/_op_impl/tbe/reduce_all_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/reduce_any.py +0 -38
- mindspore/ops/_op_impl/tbe/reduce_any_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/reduce_max.py +0 -43
- mindspore/ops/_op_impl/tbe/reduce_max_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/reduce_mean.py +0 -40
- mindspore/ops/_op_impl/tbe/reduce_mean_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/reduce_min.py +0 -41
- mindspore/ops/_op_impl/tbe/reduce_min_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/reduce_prod.py +0 -42
- mindspore/ops/_op_impl/tbe/reduce_prod_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/reduce_std.py +0 -44
- mindspore/ops/_op_impl/tbe/reduce_sum.py +0 -39
- mindspore/ops/_op_impl/tbe/reduce_sum_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/relu.py +0 -39
- mindspore/ops/_op_impl/tbe/relu6.py +0 -38
- mindspore/ops/_op_impl/tbe/relu6_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/relu6_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/relu6_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/relu_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/relu_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/relu_grad_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/relu_grad_v2.py +0 -40
- mindspore/ops/_op_impl/tbe/relu_grad_v2_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/relu_v2.py +0 -40
- mindspore/ops/_op_impl/tbe/relu_v2_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/renorm.py +0 -39
- mindspore/ops/_op_impl/tbe/resize_bilinear.py +0 -40
- mindspore/ops/_op_impl/tbe/resize_bilinear_grad.py +0 -41
- mindspore/ops/_op_impl/tbe/resize_bilinear_v2.py +0 -43
- mindspore/ops/_op_impl/tbe/resize_nearest_neighbor.py +0 -40
- mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_grad.py +0 -39
- mindspore/ops/_op_impl/tbe/resize_nearest_neighbor_grad_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/reverse_v2_d.py +0 -37
- mindspore/ops/_op_impl/tbe/rint.py +0 -37
- mindspore/ops/_op_impl/tbe/rint_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/roi_align.py +0 -43
- mindspore/ops/_op_impl/tbe/roi_align_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/roi_align_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/roi_align_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/roll.py +0 -42
- mindspore/ops/_op_impl/tbe/round.py +0 -38
- mindspore/ops/_op_impl/tbe/round_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/rsqrt.py +0 -37
- mindspore/ops/_op_impl/tbe/rsqrt_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/rsqrt_grad.py +0 -40
- mindspore/ops/_op_impl/tbe/rsqrt_grad_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/scatter_add.py +0 -44
- mindspore/ops/_op_impl/tbe/scatter_div.py +0 -46
- mindspore/ops/_op_impl/tbe/scatter_max.py +0 -45
- mindspore/ops/_op_impl/tbe/scatter_min.py +0 -45
- mindspore/ops/_op_impl/tbe/scatter_mul.py +0 -44
- mindspore/ops/_op_impl/tbe/scatter_nd.py +0 -41
- mindspore/ops/_op_impl/tbe/scatter_nd_add.py +0 -45
- mindspore/ops/_op_impl/tbe/scatter_nd_d.py +0 -41
- mindspore/ops/_op_impl/tbe/scatter_nd_ds.py +0 -49
- mindspore/ops/_op_impl/tbe/scatter_nd_sub.py +0 -47
- mindspore/ops/_op_impl/tbe/scatter_nd_sub_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/scatter_nd_update.py +0 -47
- mindspore/ops/_op_impl/tbe/scatter_nd_update_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/scatter_non_aliasing_add.py +0 -39
- mindspore/ops/_op_impl/tbe/scatter_non_aliasing_add_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/scatter_sub.py +0 -47
- mindspore/ops/_op_impl/tbe/scatter_sub_ds.py +0 -48
- mindspore/ops/_op_impl/tbe/scatter_update.py +0 -43
- mindspore/ops/_op_impl/tbe/select.py +0 -38
- mindspore/ops/_op_impl/tbe/select_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/selu.py +0 -39
- mindspore/ops/_op_impl/tbe/selu_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/sgd.py +0 -62
- mindspore/ops/_op_impl/tbe/sigmoid.py +0 -37
- mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits.py +0 -41
- mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_grad.py +0 -42
- mindspore/ops/_op_impl/tbe/sigmoid_cross_entropy_with_logits_grad_ds.py +0 -43
- mindspore/ops/_op_impl/tbe/sigmoid_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/sigmoid_grad.py +0 -39
- mindspore/ops/_op_impl/tbe/sigmoid_grad_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/sign.py +0 -38
- mindspore/ops/_op_impl/tbe/sign_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/sin.py +0 -37
- mindspore/ops/_op_impl/tbe/sin_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/sinh.py +0 -37
- mindspore/ops/_op_impl/tbe/sinh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/slice.py +0 -58
- mindspore/ops/_op_impl/tbe/smooth_l1_loss.py +0 -45
- mindspore/ops/_op_impl/tbe/smooth_l1_loss_ds.py +0 -46
- mindspore/ops/_op_impl/tbe/smooth_l1_loss_grad.py +0 -46
- mindspore/ops/_op_impl/tbe/smooth_l1_loss_grad_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/soft_margin_loss.py +0 -38
- mindspore/ops/_op_impl/tbe/soft_margin_loss_grad.py +0 -39
- mindspore/ops/_op_impl/tbe/soft_shrink.py +0 -36
- mindspore/ops/_op_impl/tbe/soft_shrink_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/softmax.py +0 -37
- mindspore/ops/_op_impl/tbe/softmax_cross_entropy_with_logits.py +0 -38
- mindspore/ops/_op_impl/tbe/softmax_cross_entropy_with_logits_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/softmax_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/softmax_grad_ext.py +0 -42
- mindspore/ops/_op_impl/tbe/softmax_v2_with_dropout_do_mask_v3.py +0 -39
- mindspore/ops/_op_impl/tbe/softplus.py +0 -37
- mindspore/ops/_op_impl/tbe/softplus_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/softplus_grad.py +0 -38
- mindspore/ops/_op_impl/tbe/softplus_grad_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/softsign.py +0 -37
- mindspore/ops/_op_impl/tbe/softsign_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/sort.py +0 -38
- mindspore/ops/_op_impl/tbe/sort_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/space_to_batch.py +0 -38
- mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +0 -38
- mindspore/ops/_op_impl/tbe/space_to_depth.py +0 -47
- mindspore/ops/_op_impl/tbe/sparse_apply_adadelta.py +0 -56
- mindspore/ops/_op_impl/tbe/sparse_apply_adagrad.py +0 -45
- mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_ds.py +0 -46
- mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_v2.py +0 -46
- mindspore/ops/_op_impl/tbe/sparse_apply_adagrad_v2_ds.py +0 -47
- mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_d.py +0 -53
- mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_d_ds.py +0 -50
- mindspore/ops/_op_impl/tbe/sparse_apply_ftrl_v2.py +0 -50
- mindspore/ops/_op_impl/tbe/sparse_apply_proximal_adagrad.py +0 -66
- mindspore/ops/_op_impl/tbe/sparse_apply_proximal_adagrad_ds.py +0 -67
- mindspore/ops/_op_impl/tbe/sparse_apply_r_m_s_prop.py +0 -57
- mindspore/ops/_op_impl/tbe/sparse_apply_r_m_s_prop_ds.py +0 -58
- mindspore/ops/_op_impl/tbe/sparse_gather_v2.py +0 -56
- mindspore/ops/_op_impl/tbe/sparse_gather_v2_ds.py +0 -58
- mindspore/ops/_op_impl/tbe/split_d.py +0 -38
- mindspore/ops/_op_impl/tbe/split_d_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/split_v.py +0 -39
- mindspore/ops/_op_impl/tbe/splitv.py +0 -39
- mindspore/ops/_op_impl/tbe/sqrt.py +0 -37
- mindspore/ops/_op_impl/tbe/sqrt_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/sqrt_grad.py +0 -43
- mindspore/ops/_op_impl/tbe/sqrt_grad_ds.py +0 -44
- mindspore/ops/_op_impl/tbe/square.py +0 -38
- mindspore/ops/_op_impl/tbe/square_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/square_sum_all.py +0 -40
- mindspore/ops/_op_impl/tbe/square_sum_all_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/square_sum_v1.py +0 -38
- mindspore/ops/_op_impl/tbe/square_sum_v1_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/square_sum_v2.py +0 -39
- mindspore/ops/_op_impl/tbe/squared_difference.py +0 -39
- mindspore/ops/_op_impl/tbe/squared_difference_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/squeeze.py +0 -37
- mindspore/ops/_op_impl/tbe/strided_read.py +0 -38
- mindspore/ops/_op_impl/tbe/strided_slice_d.py +0 -44
- mindspore/ops/_op_impl/tbe/strided_slice_ds.py +0 -71
- mindspore/ops/_op_impl/tbe/strided_slice_grad_d.py +0 -51
- mindspore/ops/_op_impl/tbe/strided_slice_grad_ds.py +0 -57
- mindspore/ops/_op_impl/tbe/strided_write.py +0 -38
- mindspore/ops/_op_impl/tbe/sub.py +0 -39
- mindspore/ops/_op_impl/tbe/sub_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/tan.py +0 -38
- mindspore/ops/_op_impl/tbe/tan_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/tanh.py +0 -37
- mindspore/ops/_op_impl/tbe/tanh_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/tanh_grad.py +0 -39
- mindspore/ops/_op_impl/tbe/tanh_grad_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/tensor_move.py +0 -49
- mindspore/ops/_op_impl/tbe/tensor_move_ds.py +0 -50
- mindspore/ops/_op_impl/tbe/tensor_scatter_update.py +0 -41
- mindspore/ops/_op_impl/tbe/tile.py +0 -37
- mindspore/ops/_op_impl/tbe/tile_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/top_k.py +0 -42
- mindspore/ops/_op_impl/tbe/top_k_ds.py +0 -43
- mindspore/ops/_op_impl/tbe/trans_data.py +0 -167
- mindspore/ops/_op_impl/tbe/trans_data_ds.py +0 -180
- mindspore/ops/_op_impl/tbe/trans_data_rnn.py +0 -44
- mindspore/ops/_op_impl/tbe/transpose.py +0 -60
- mindspore/ops/_op_impl/tbe/transpose_d.py +0 -47
- mindspore/ops/_op_impl/tbe/transpose_nod.py +0 -60
- mindspore/ops/_op_impl/tbe/trunc.py +0 -39
- mindspore/ops/_op_impl/tbe/truncate_div.py +0 -41
- mindspore/ops/_op_impl/tbe/truncate_div_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/truncate_mod.py +0 -41
- mindspore/ops/_op_impl/tbe/truncate_mod_ds.py +0 -42
- mindspore/ops/_op_impl/tbe/unpack.py +0 -38
- mindspore/ops/_op_impl/tbe/unpack_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/unsorted_segment_max.py +0 -49
- mindspore/ops/_op_impl/tbe/unsorted_segment_max_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/unsorted_segment_min.py +0 -49
- mindspore/ops/_op_impl/tbe/unsorted_segment_min_ds.py +0 -40
- mindspore/ops/_op_impl/tbe/unsorted_segment_prod.py +0 -49
- mindspore/ops/_op_impl/tbe/unsorted_segment_prod_ds.py +0 -38
- mindspore/ops/_op_impl/tbe/unsorted_segment_sum.py +0 -38
- mindspore/ops/_op_impl/tbe/unsorted_segment_sum_ds.py +0 -41
- mindspore/ops/_op_impl/tbe/wts_arq.py +0 -40
- mindspore/ops/_op_impl/tbe/xdivy.py +0 -38
- mindspore/ops/_op_impl/tbe/xdivy_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/xlogy.py +0 -38
- mindspore/ops/_op_impl/tbe/xlogy_ds.py +0 -39
- mindspore/ops/_op_impl/tbe/zeros_like.py +0 -41
- mindspore/ops/_op_impl/tbe/zeros_like_ds.py +0 -42
- mindspore/ops/_tracefunc.py +0 -241
- mindspore/ops/arg_dtype_cast.py +0 -54
- mindspore/ops/silent_check.py +0 -162
- mindspore/profiler/parser/msadvisor_analyzer.py +0 -82
- mindspore/profiler/parser/msadvisor_parser.py +0 -240
- mindspore/rewrite/api/tree_node_helper.py +0 -60
- mindspore/rewrite/ast_helpers/ast_creator.py +0 -115
- mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +0 -267
- mindspore/rewrite/ast_transformers/remove_return_out_of_if.py +0 -228
- mindspore/rewrite/namespace.py +0 -53
- mindspore-2.2.14.dist-info/RECORD +0 -1924
- {mindspore-2.2.14.dist-info → mindspore-2.4.0.dist-info}/WHEEL +0 -0
- {mindspore-2.2.14.dist-info → mindspore-2.4.0.dist-info}/top_level.txt +0 -0
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# Copyright 2022-
|
|
1
|
+
# Copyright 2022-2024 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.
|
|
@@ -16,13 +16,13 @@
|
|
|
16
16
|
1. This file is an abstraction of the dataset loading class. It contains
|
|
17
17
|
some basic dataset operations(skip, filter, map, batch, ...).
|
|
18
18
|
2. Specific dataset loading classes can be found in datasets_vision.py, datasets_text.py,
|
|
19
|
-
datasets_audio.py, datasets_standard_format.py and
|
|
19
|
+
datasets_audio.py, datasets_standard_format.py and datasets_user_defined.py files.
|
|
20
20
|
datasets_vision.py: contains vision dataset loading classes.
|
|
21
21
|
datasets_text.py: contains text dataset loading classes.
|
|
22
22
|
datasets_audio.py: contains audio dataset loading classes.
|
|
23
23
|
datasets_standard_format.py: contains standard format loading classes which
|
|
24
24
|
any other kinds of datasets can be converted to.
|
|
25
|
-
|
|
25
|
+
datasets_user_defined.py: contains basic classes that help users to define
|
|
26
26
|
flexible ways to load dataset.
|
|
27
27
|
"""
|
|
28
28
|
import atexit
|
|
@@ -66,12 +66,13 @@ from mindspore.dataset.debug import DebugHook
|
|
|
66
66
|
|
|
67
67
|
from mindspore.dataset.engine import samplers
|
|
68
68
|
from .iterators import DictIterator, TupleIterator, DummyIterator, check_iterator_cleanup, _set_iterator_cleanup, \
|
|
69
|
-
ITERATORS_LIST, _unset_iterator_cleanup
|
|
69
|
+
ITERATORS_LIST, _unset_iterator_cleanup, _cleanup_the_iterators_if_created
|
|
70
70
|
from .queue import _SharedQueue, _Queue
|
|
71
71
|
from .validators import check_batch, check_shuffle, check_map, check_filter, check_repeat, check_skip, check_zip, \
|
|
72
72
|
check_rename, check_device_send, check_take, check_output_shape, check_project, \
|
|
73
73
|
check_sync_wait, check_zip_dataset, check_add_column, check_concat, check_split, check_bucket_batch_by_length, \
|
|
74
|
-
check_save, check_tuple_iterator, check_dict_iterator, check_schema, check_to_device_send, check_padded_batch
|
|
74
|
+
check_save, check_tuple_iterator, check_dict_iterator, check_schema, check_to_device_send, check_padded_batch, \
|
|
75
|
+
check_total_batch, check_sync_update
|
|
75
76
|
from ..core.config import get_callback_timeout, _init_device_info, get_enable_shared_mem, get_num_parallel_workers, \
|
|
76
77
|
get_enable_watchdog, get_seed, set_seed, get_debug_mode, get_multiprocessing_timeout_interval, _get_debug_hook_list
|
|
77
78
|
from ..core.datatypes import mstype_to_detype
|
|
@@ -79,6 +80,7 @@ from ..core.validator_helpers import replace_none
|
|
|
79
80
|
from ..core.py_util_helpers import ExceptionHandler
|
|
80
81
|
from ..transforms.py_transforms_util import FuncWrapper, Implementation
|
|
81
82
|
from ..vision.transforms import ToNumpy
|
|
83
|
+
from ...mindrecord.config import _get_enc_key, _get_enc_mode, _get_hash_mode, encrypt, append_hash_to_file
|
|
82
84
|
|
|
83
85
|
try:
|
|
84
86
|
context = import_module("mindspore.context")
|
|
@@ -492,6 +494,12 @@ class Dataset:
|
|
|
492
494
|
|
|
493
495
|
.. image:: bucket_batch_by_length_en.png
|
|
494
496
|
|
|
497
|
+
Note:
|
|
498
|
+
- When using `Data Sinking <https://www.mindspore.cn/docs/en/master/model_train/train_process/optimize/
|
|
499
|
+
sink_mode.html#data-sinking>`_ in Graph mode, the input shape of the network should keep consistent.
|
|
500
|
+
You should set `drop_remainder` to "True" to discard the last incomplete batch of data,
|
|
501
|
+
or supplement/remove samples to ensure the dataset size is divisible by `batch_size`.
|
|
502
|
+
|
|
495
503
|
Args:
|
|
496
504
|
column_names (list[str]): Columns passed to element_length_function.
|
|
497
505
|
bucket_boundaries (list[int]): A list consisting of the upper boundaries
|
|
@@ -562,8 +570,12 @@ class Dataset:
|
|
|
562
570
|
.. image:: batch_en.png
|
|
563
571
|
|
|
564
572
|
Note:
|
|
565
|
-
The order of using repeat and batch reflects the number of batches and per_batch_map.
|
|
566
|
-
|
|
573
|
+
- The order of using repeat and batch reflects the number of batches and per_batch_map.
|
|
574
|
+
It is recommended that the repeat operation applied after the batch operation finished.
|
|
575
|
+
- When using `Data Sinking <https://www.mindspore.cn/docs/en/master/model_train/train_process/optimize/
|
|
576
|
+
sink_mode.html#data-sinking>`_ in Graph mode, the input shape of the network should keep consistent.
|
|
577
|
+
You should set `drop_remainder` to "True" to discard the last incomplete batch of data,
|
|
578
|
+
or supplement/remove samples to ensure the dataset size is divisible by `batch_size`.
|
|
567
579
|
|
|
568
580
|
Args:
|
|
569
581
|
batch_size (Union[int, Callable]): The number of rows each batch is created with. An
|
|
@@ -596,19 +608,20 @@ class Dataset:
|
|
|
596
608
|
name as the input columns, i.e., the columns will be replaced.
|
|
597
609
|
|
|
598
610
|
- python_multiprocessing (bool, optional): Parallelize Python function `per_batch_map` with
|
|
599
|
-
|
|
600
|
-
``False`` means
|
|
601
|
-
|
|
602
|
-
|
|
611
|
+
multiprocessing or multithreading mode, ``True`` means multiprocessing,
|
|
612
|
+
``False`` means multithreading If `per_batch_map` is a I/O bound task, use
|
|
613
|
+
multithreading mode. If `per_batch_map` is a CPU bound task, it is recommended to use
|
|
614
|
+
multiprocessing mode. Default: ``False`` , use python multithreading mode.
|
|
603
615
|
|
|
604
616
|
- max_rowsize(Union[int, list[int]], optional): Maximum size of row in MB that is used for shared memory
|
|
605
617
|
allocation to copy data between processes, the total occupied shared memory will increase as
|
|
606
|
-
``num_parallel_workers`` and :func:`mindspore.dataset.config.set_prefetch_size` increase.
|
|
607
|
-
|
|
618
|
+
``num_parallel_workers`` and :func:`mindspore.dataset.config.set_prefetch_size` increase. If set
|
|
619
|
+
to -1, shared memory will be dynamically allocated with the actual size of data. This is only used if
|
|
620
|
+
``python_multiprocessing`` is set to True. If it is an int value, it represents
|
|
608
621
|
``input_columns`` and ``output_columns`` use this value as the unit to create shared memory.
|
|
609
622
|
If it is a list, the first element represents the ``input_columns`` use this value as the unit to
|
|
610
623
|
create shared memory, and the second element represents ``output_columns`` use this value as the unit
|
|
611
|
-
to create shared memory. Default:
|
|
624
|
+
to create shared memory. Default: ``None`` , allocate shared memory dynamically.
|
|
612
625
|
|
|
613
626
|
Returns:
|
|
614
627
|
Dataset, a new dataset with the above operation applied.
|
|
@@ -654,8 +667,12 @@ class Dataset:
|
|
|
654
667
|
.. image:: padded_batch_en.png
|
|
655
668
|
|
|
656
669
|
Note:
|
|
657
|
-
The order of using repeat and padded_batch reflects the number of batches.
|
|
658
|
-
|
|
670
|
+
- The order of using repeat and padded_batch reflects the number of batches.
|
|
671
|
+
It is recommended that the repeat operation applied after the padded_batch operation finished.
|
|
672
|
+
- When using `Data Sinking <https://www.mindspore.cn/docs/en/master/model_train/train_process/optimize/
|
|
673
|
+
sink_mode.html#data-sinking>`_ in Graph mode, the input shape of the network should keep consistent.
|
|
674
|
+
You should set `drop_remainder` to "True" to discard the last incomplete batch of data,
|
|
675
|
+
or supplement/remove samples to ensure the dataset size is divisible by `batch_size`.
|
|
659
676
|
|
|
660
677
|
Args:
|
|
661
678
|
batch_size (Union[int, Callable]): The number of rows each batch is created with. An
|
|
@@ -666,15 +683,17 @@ class Dataset:
|
|
|
666
683
|
be dropped and not propagated to the child node.
|
|
667
684
|
num_parallel_workers (int, optional): Number of workers(threads) to process the dataset in parallel.
|
|
668
685
|
Default: ``None``.
|
|
669
|
-
pad_info (dict, optional): The information about how to batch each column. The key
|
|
686
|
+
pad_info (dict, optional): The pad information about how to batch each column. The key
|
|
670
687
|
corresponds to the column name, and the value must be a tuple of 2 elements.
|
|
671
688
|
The first element corresponds to the shape to pad to, and the second
|
|
672
689
|
element corresponds to the value to pad with. If a column is not
|
|
673
690
|
specified, then that column will be padded to the longest in the current
|
|
674
|
-
batch, and 0 will be used as the padding value.
|
|
675
|
-
|
|
676
|
-
|
|
677
|
-
|
|
691
|
+
batch, and 0 will be used as the padding value. If ``pad_info={"col1": ([224, 224], 0)}``,
|
|
692
|
+
expand the data column named ``col1`` to shape (224, 224), and fill in the missing values with 0.
|
|
693
|
+
If ``pad_info={}``, all samples in the batch will be filled to the shape with the largest sample
|
|
694
|
+
in the current batch. If ``pad_info={"col1": (None, 100)}``, all samples in the batch will be filled
|
|
695
|
+
to the shape with the largest sample in the current batch, and fill in the missing values with 100.
|
|
696
|
+
If no padding is wanted, set `pad_info` to ``None``. Default: ``None``.
|
|
678
697
|
|
|
679
698
|
Returns:
|
|
680
699
|
Dataset, a new dataset with the above operation applied.
|
|
@@ -858,11 +877,11 @@ class Dataset:
|
|
|
858
877
|
`output_columns` , and if not specified, the column name of output column is same as that of `input_columns` .
|
|
859
878
|
|
|
860
879
|
- If you use transformations (
|
|
861
|
-
`vision transform <https://mindspore.cn/docs/en/
|
|
880
|
+
`vision transform <https://mindspore.cn/docs/en/master/api_python/mindspore.\
|
|
862
881
|
dataset.transforms.html#module-mindspore.dataset.vision>`_ ,
|
|
863
|
-
`nlp transform <https://mindspore.cn/docs/en/
|
|
882
|
+
`nlp transform <https://mindspore.cn/docs/en/master/api_python/mindspore.\
|
|
864
883
|
dataset.transforms.html#module-mindspore.dataset.text>`_ ,
|
|
865
|
-
`audio transform <https://mindspore.cn/docs/en/
|
|
884
|
+
`audio transform <https://mindspore.cn/docs/en/master/api_python/mindspore.\
|
|
866
885
|
dataset.transforms.html#module-mindspore.dataset.audio>`_ )
|
|
867
886
|
provided by mindspore dataset, please use the following parameters:
|
|
868
887
|
|
|
@@ -894,12 +913,13 @@ class Dataset:
|
|
|
894
913
|
|
|
895
914
|
- max_rowsize (Union[int, list[int]], optional): Maximum size of row in MB that is used for shared
|
|
896
915
|
memory allocation to copy data between processes, the total occupied shared memory will increase as
|
|
897
|
-
``num_parallel_workers`` and :func:`mindspore.dataset.config.set_prefetch_size` increase.
|
|
898
|
-
|
|
916
|
+
``num_parallel_workers`` and :func:`mindspore.dataset.config.set_prefetch_size` increase. If set
|
|
917
|
+
to -1, shared memory will be dynamically allocated with the actual size of data. This is only used if
|
|
918
|
+
``python_multiprocessing`` is set to True. If it is an int value, it represents
|
|
899
919
|
``input_columns`` and ``output_columns`` use this value as the unit to create shared memory.
|
|
900
920
|
If it is a list, the first element represents the ``input_columns`` use this value as the unit to
|
|
901
921
|
create shared memory, and the second element represents ``output_columns`` use this value as the unit
|
|
902
|
-
to create shared memory. Default:
|
|
922
|
+
to create shared memory. Default: ``None`` , allocate shared memory dynamically.
|
|
903
923
|
|
|
904
924
|
- cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing.
|
|
905
925
|
Default: ``None``, which means no cache is used.
|
|
@@ -983,8 +1003,8 @@ class Dataset:
|
|
|
983
1003
|
num_parallel_workers = 1
|
|
984
1004
|
logger.warning(
|
|
985
1005
|
"Input 'operations' of 'map' includes network computing operators like in mindspore.nn, mindspore.ops, "
|
|
986
|
-
"mindspore.numpy module and etc, which do not support
|
|
987
|
-
"with python implemented operator like numpy etc. Here decrease 'num_parallel_workers' into 1.")
|
|
1006
|
+
"mindspore.numpy module and etc, which do not support multithreading compiling, recommend to replace "
|
|
1007
|
+
"it with python implemented operator like numpy etc. Here decrease 'num_parallel_workers' into 1.")
|
|
988
1008
|
|
|
989
1009
|
return MapDataset(self, operations, input_columns, output_columns, num_parallel_workers, **kwargs)
|
|
990
1010
|
|
|
@@ -1030,20 +1050,28 @@ class Dataset:
|
|
|
1030
1050
|
|
|
1031
1051
|
Examples:
|
|
1032
1052
|
>>> import mindspore.dataset as ds
|
|
1053
|
+
>>>
|
|
1054
|
+
>>> # Create a dataset with 10 elements
|
|
1033
1055
|
>>> dataset = ds.GeneratorDataset([i for i in range(10)], "column1")
|
|
1056
|
+
>>> ori_size = dataset.get_dataset_size()
|
|
1034
1057
|
>>>
|
|
1035
|
-
>>> #
|
|
1058
|
+
>>> # Repeat the dataset 50 times.
|
|
1036
1059
|
>>> dataset = dataset.repeat(50)
|
|
1060
|
+
>>> repeated_size = dataset.get_dataset_size()
|
|
1061
|
+
>>> print("ori_size", ori_size, ", repeated_size", repeated_size)
|
|
1062
|
+
ori_size 10 , repeated_size 500
|
|
1037
1063
|
>>>
|
|
1038
|
-
>>> #
|
|
1039
|
-
>>>
|
|
1040
|
-
>>>
|
|
1064
|
+
>>> # Since the original dataset size is less than batch_size, thus no data is returned
|
|
1065
|
+
>>> dataset1 = ds.GeneratorDataset([i for i in range(10)], "column1")
|
|
1066
|
+
>>> dataset1 = dataset1.batch(batch_size=20, drop_remainder=True)
|
|
1067
|
+
>>> dataset1 = dataset1.repeat(6)
|
|
1041
1068
|
>>>
|
|
1042
|
-
>>> #
|
|
1043
|
-
>>>
|
|
1044
|
-
>>>
|
|
1045
|
-
>>>
|
|
1046
|
-
>>>
|
|
1069
|
+
>>> # Repeat the original dataset to 60 elements, thus 3 batches are returned
|
|
1070
|
+
>>> dataset2 = ds.GeneratorDataset([i for i in range(10)], "column1")
|
|
1071
|
+
>>> dataset2 = dataset2.repeat(6)
|
|
1072
|
+
>>> dataset2 = dataset2.batch(batch_size=20, drop_remainder=True)
|
|
1073
|
+
>>> print("dataset1 size", dataset1.get_dataset_size(), ", dataset2 size", dataset2.get_dataset_size())
|
|
1074
|
+
dataset1 size 0 , dataset2 size 3
|
|
1047
1075
|
"""
|
|
1048
1076
|
return RepeatDataset(self, count)
|
|
1049
1077
|
|
|
@@ -1462,14 +1490,14 @@ class Dataset:
|
|
|
1462
1490
|
- Type in `mindrecord`
|
|
1463
1491
|
- Details
|
|
1464
1492
|
* - bool
|
|
1465
|
-
-
|
|
1466
|
-
-
|
|
1493
|
+
- int32
|
|
1494
|
+
- transform to int32
|
|
1467
1495
|
* - int8
|
|
1468
1496
|
- int32
|
|
1469
1497
|
-
|
|
1470
1498
|
* - uint8
|
|
1471
|
-
-
|
|
1472
|
-
-
|
|
1499
|
+
- int32
|
|
1500
|
+
-
|
|
1473
1501
|
* - int16
|
|
1474
1502
|
- int32
|
|
1475
1503
|
-
|
|
@@ -1486,8 +1514,8 @@ class Dataset:
|
|
|
1486
1514
|
- int64
|
|
1487
1515
|
-
|
|
1488
1516
|
* - uint64
|
|
1489
|
-
-
|
|
1490
|
-
-
|
|
1517
|
+
- int64
|
|
1518
|
+
- Maybe reverse
|
|
1491
1519
|
* - float16
|
|
1492
1520
|
- float32
|
|
1493
1521
|
-
|
|
@@ -1500,15 +1528,17 @@ class Dataset:
|
|
|
1500
1528
|
* - string
|
|
1501
1529
|
- string
|
|
1502
1530
|
- Multi-dimensional string not supported
|
|
1531
|
+
* - bytes
|
|
1532
|
+
- bytes
|
|
1533
|
+
- Multi-dimensional bytes not supported
|
|
1503
1534
|
|
|
1504
1535
|
Note:
|
|
1505
1536
|
1. To save the samples in order, set dataset's `shuffle` to ``False`` and `num_files` to ``1``.
|
|
1506
1537
|
2. Before calling the function, do not use batch operation, repeat operation or data augmentation operations
|
|
1507
1538
|
with random attribute in map operation.
|
|
1508
1539
|
3. When array dimension is variable, one-dimensional arrays or
|
|
1509
|
-
|
|
1510
|
-
4. MindRecord does not support
|
|
1511
|
-
multi-dimensional string.
|
|
1540
|
+
multidimensional arrays with variable dimension 0 are supported.
|
|
1541
|
+
4. MindRecord does not support multidimensional string or multidimensional bytes.
|
|
1512
1542
|
|
|
1513
1543
|
Args:
|
|
1514
1544
|
file_name (str): Path to dataset file.
|
|
@@ -1527,6 +1557,10 @@ class Dataset:
|
|
|
1527
1557
|
>>> d1 = ds.GeneratorDataset(generator_1d, ["data"], shuffle=False)
|
|
1528
1558
|
>>> d1.save('/path/to/save_file')
|
|
1529
1559
|
"""
|
|
1560
|
+
if (_get_enc_key() is not None or _get_hash_mode() is not None) and num_files > 1:
|
|
1561
|
+
raise RuntimeError("When encode mode or hash check is enabled, " +
|
|
1562
|
+
"the automatic sharding function is unavailable.")
|
|
1563
|
+
|
|
1530
1564
|
ir_tree, api_tree = self.create_ir_tree()
|
|
1531
1565
|
|
|
1532
1566
|
runtime_context = cde.PythonRuntimeContext()
|
|
@@ -1536,38 +1570,49 @@ class Dataset:
|
|
|
1536
1570
|
runtime_context.AssignConsumer(consumer)
|
|
1537
1571
|
|
|
1538
1572
|
consumer.Save()
|
|
1573
|
+
|
|
1574
|
+
if _get_hash_mode() is not None:
|
|
1575
|
+
append_hash_to_file(file_name)
|
|
1576
|
+
append_hash_to_file(file_name + ".db")
|
|
1577
|
+
|
|
1578
|
+
if _get_enc_key() is not None:
|
|
1579
|
+
encrypt(file_name, _get_enc_key(), _get_enc_mode())
|
|
1580
|
+
encrypt(file_name + ".db", _get_enc_key(), _get_enc_mode())
|
|
1581
|
+
|
|
1539
1582
|
_set_dataset_permissions(file_name, num_files)
|
|
1540
1583
|
del api_tree
|
|
1541
1584
|
|
|
1542
1585
|
@check_tuple_iterator
|
|
1543
1586
|
def create_tuple_iterator(self, columns=None, num_epochs=-1, output_numpy=False, do_copy=True):
|
|
1544
1587
|
"""
|
|
1545
|
-
Create an iterator over the dataset
|
|
1546
|
-
|
|
1547
|
-
To specify which columns to list and the order needed, use columns_list. If columns_list
|
|
1548
|
-
is not provided, the order of the columns will remain unchanged.
|
|
1588
|
+
Create an iterator over the dataset that yields samples of type list, whose elements are
|
|
1589
|
+
the data for each column.
|
|
1549
1590
|
|
|
1550
1591
|
Args:
|
|
1551
|
-
columns (list[str], optional):
|
|
1552
|
-
Default: ``None``,
|
|
1553
|
-
num_epochs (int, optional):
|
|
1554
|
-
Default: ``-1
|
|
1555
|
-
output_numpy (bool, optional): Whether
|
|
1556
|
-
|
|
1557
|
-
do_copy (bool, optional):
|
|
1558
|
-
|
|
1559
|
-
Default: ``True
|
|
1592
|
+
columns (list[str], optional): Specify the output columns and the order.
|
|
1593
|
+
Default: ``None``, keep all the output columns and their original order.
|
|
1594
|
+
num_epochs (int, optional): The number of epochs to iterate over the entire dataset.
|
|
1595
|
+
Default: ``-1`` , the dataset can be iterated indefinitely.
|
|
1596
|
+
output_numpy (bool, optional): Whether to keep the output data as NumPy ndarray, or
|
|
1597
|
+
convert it to Tensor. Default: ``False`` .
|
|
1598
|
+
do_copy (bool, optional): Whether to copy the data when converting output to Tensor,
|
|
1599
|
+
or reuse the buffer for better performance, only works when `output_numpy` is ``False`` .
|
|
1600
|
+
Default: ``True`` .
|
|
1560
1601
|
|
|
1561
1602
|
Returns:
|
|
1562
|
-
Iterator, a dataset iterator that
|
|
1603
|
+
Iterator, a dataset iterator that yields samples of type list.
|
|
1563
1604
|
|
|
1564
1605
|
Examples:
|
|
1565
1606
|
>>> import mindspore.dataset as ds
|
|
1566
|
-
>>>
|
|
1567
|
-
>>>
|
|
1568
|
-
>>>
|
|
1569
|
-
|
|
1570
|
-
|
|
1607
|
+
>>>
|
|
1608
|
+
>>> dataset = ds.GeneratorDataset([i for i in range(10)], "data")
|
|
1609
|
+
>>> num_epochs = 3
|
|
1610
|
+
>>> iterator = dataset.create_tuple_iterator(num_epochs=num_epochs)
|
|
1611
|
+
>>> for epoch in range(num_epochs):
|
|
1612
|
+
... for item in iterator:
|
|
1613
|
+
... # output is of type tuple
|
|
1614
|
+
... print(type(item))
|
|
1615
|
+
... break
|
|
1571
1616
|
... break
|
|
1572
1617
|
<class 'list'>
|
|
1573
1618
|
"""
|
|
@@ -1581,27 +1626,32 @@ class Dataset:
|
|
|
1581
1626
|
@check_dict_iterator
|
|
1582
1627
|
def create_dict_iterator(self, num_epochs=-1, output_numpy=False, do_copy=True):
|
|
1583
1628
|
"""
|
|
1584
|
-
Create an iterator over the dataset
|
|
1629
|
+
Create an iterator over the dataset that yields samples of type dict,
|
|
1630
|
+
while the key is the column name and the value is the data.
|
|
1585
1631
|
|
|
1586
1632
|
Args:
|
|
1587
|
-
num_epochs (int, optional):
|
|
1588
|
-
Default: ``-1`` ,
|
|
1589
|
-
output_numpy (bool, optional): Whether
|
|
1590
|
-
|
|
1591
|
-
do_copy (bool, optional):
|
|
1592
|
-
|
|
1633
|
+
num_epochs (int, optional): The number of epochs to iterate over the entire dataset.
|
|
1634
|
+
Default: ``-1`` , the dataset can be iterated indefinitely.
|
|
1635
|
+
output_numpy (bool, optional): Whether to keep the output data as NumPy ndarray, or
|
|
1636
|
+
convert it to Tensor. Default: ``False`` .
|
|
1637
|
+
do_copy (bool, optional): Whether to copy the data when converting output to Tensor,
|
|
1638
|
+
or reuse the buffer for better performance, only works when `output_numpy` is ``False`` .
|
|
1593
1639
|
Default: ``True`` .
|
|
1594
1640
|
|
|
1595
1641
|
Returns:
|
|
1596
|
-
Iterator, a dataset iterator that
|
|
1642
|
+
Iterator, a dataset iterator that yields samples of type dict.
|
|
1597
1643
|
|
|
1598
1644
|
Examples:
|
|
1599
1645
|
>>> import mindspore.dataset as ds
|
|
1600
|
-
>>>
|
|
1601
|
-
>>>
|
|
1602
|
-
>>>
|
|
1603
|
-
|
|
1604
|
-
|
|
1646
|
+
>>>
|
|
1647
|
+
>>> dataset = ds.GeneratorDataset([i for i in range(10)], "data")
|
|
1648
|
+
>>> num_epochs = 3
|
|
1649
|
+
>>> iterator = dataset.create_dict_iterator(num_epochs=num_epochs)
|
|
1650
|
+
>>> for epoch in range(num_epochs):
|
|
1651
|
+
... for item in iterator:
|
|
1652
|
+
... # output is of type dict
|
|
1653
|
+
... print(type(item))
|
|
1654
|
+
... break
|
|
1605
1655
|
... break
|
|
1606
1656
|
<class 'dict'>
|
|
1607
1657
|
"""
|
|
@@ -1705,6 +1755,7 @@ class Dataset:
|
|
|
1705
1755
|
return self._col_names
|
|
1706
1756
|
|
|
1707
1757
|
@check_output_shape
|
|
1758
|
+
@_cleanup_the_iterators_if_created
|
|
1708
1759
|
def output_shapes(self, estimate=False):
|
|
1709
1760
|
"""
|
|
1710
1761
|
Get the shapes of output data.
|
|
@@ -1756,6 +1807,7 @@ class Dataset:
|
|
|
1756
1807
|
self.saved_output_shapes = output_shapes
|
|
1757
1808
|
return output_shapes
|
|
1758
1809
|
|
|
1810
|
+
@_cleanup_the_iterators_if_created
|
|
1759
1811
|
def output_types(self):
|
|
1760
1812
|
"""
|
|
1761
1813
|
Get the types of output data.
|
|
@@ -1790,6 +1842,7 @@ class Dataset:
|
|
|
1790
1842
|
del self.runtime_context
|
|
1791
1843
|
return self.saved_output_types
|
|
1792
1844
|
|
|
1845
|
+
@_cleanup_the_iterators_if_created
|
|
1793
1846
|
def get_dataset_size(self):
|
|
1794
1847
|
"""
|
|
1795
1848
|
Return the number of batches in an epoch.
|
|
@@ -1857,6 +1910,7 @@ class Dataset:
|
|
|
1857
1910
|
return self.children[0].is_sync()
|
|
1858
1911
|
return False
|
|
1859
1912
|
|
|
1913
|
+
@check_sync_update
|
|
1860
1914
|
def sync_update(self, condition_name, num_batch=None, data=None):
|
|
1861
1915
|
"""
|
|
1862
1916
|
Release a blocking condition and trigger callback with given data.
|
|
@@ -2138,7 +2192,7 @@ class TextBaseDataset(Dataset):
|
|
|
2138
2192
|
Japanese or Chinese character sets, and 1.0 for other languages with small character sets
|
|
2139
2193
|
like English or Latin.
|
|
2140
2194
|
model_type(SentencePieceModel): Model type. Choose from unigram (default), bpe, char, or word.
|
|
2141
|
-
The input sentence must be
|
|
2195
|
+
The input sentence must be pre-tokenized when using word type.
|
|
2142
2196
|
params(dict): Any extra optional parameters of sentencepiece library according to your raw data
|
|
2143
2197
|
|
|
2144
2198
|
Returns:
|
|
@@ -2215,7 +2269,7 @@ class TextBaseDataset(Dataset):
|
|
|
2215
2269
|
Japanese or Chinese character sets, and 1.0 for other languages with small character sets
|
|
2216
2270
|
like English or Latin.
|
|
2217
2271
|
model_type(SentencePieceModel): Model type. Choose from unigram (default), bpe, char, or word.
|
|
2218
|
-
The input sentence must be
|
|
2272
|
+
The input sentence must be pre-tokenized when using word type.
|
|
2219
2273
|
params(dict): Any extra optional parameters of sentencepiece library according to your raw data
|
|
2220
2274
|
|
|
2221
2275
|
Returns:
|
|
@@ -2538,7 +2592,8 @@ def _check_shm_usage(num_worker, queue_size, in_rowsize, out_rowsize):
|
|
|
2538
2592
|
when training in parallel mode.
|
|
2539
2593
|
"""
|
|
2540
2594
|
threshold_ratio = 0.8
|
|
2541
|
-
|
|
2595
|
+
# Verify available size only when using static shared memory on Linux
|
|
2596
|
+
if platform.system().lower() not in {"windows", "darwin"} and in_rowsize != -1 and out_rowsize != -1:
|
|
2542
2597
|
device_num = _get_device_num()
|
|
2543
2598
|
# In the cluster, _get_device_num indicates the number of the entire cluster. The maximum number of cards
|
|
2544
2599
|
# on the ascend server is 8.
|
|
@@ -2586,17 +2641,18 @@ class BatchDataset(UnionBaseDataset):
|
|
|
2586
2641
|
name as the input columns, i.e., the columns will be replaced.
|
|
2587
2642
|
max_rowsize(Union[int, list[int]], optional): Maximum size of row in MB that is used for shared memory
|
|
2588
2643
|
allocation to copy data between processes, the total occupied shared memory will increase as
|
|
2589
|
-
``num_parallel_workers`` and :func:`mindspore.dataset.config.set_prefetch_size` increase.
|
|
2590
|
-
|
|
2644
|
+
``num_parallel_workers`` and :func:`mindspore.dataset.config.set_prefetch_size` increase. If set to -1,
|
|
2645
|
+
shared memory will be dynamically allocated with the actual size of data. This is only used if
|
|
2646
|
+
``python_multiprocessing`` is set to True. If it is an int value, it represents
|
|
2591
2647
|
``input_columns`` and ``output_columns`` use this value as the unit to create shared memory.
|
|
2592
2648
|
If it is a list, the first element represents the ``input_columns`` use this value as the unit to
|
|
2593
2649
|
create shared memory, and the second element represents ``output_columns`` use this value as the unit
|
|
2594
|
-
to create shared memory. Default:
|
|
2650
|
+
to create shared memory. Default: ``None`` , allocate shared memory dynamically.
|
|
2595
2651
|
|
|
2596
2652
|
"""
|
|
2597
2653
|
|
|
2598
2654
|
def __init__(self, input_dataset, batch_size, drop_remainder=False, num_parallel_workers=None, per_batch_map=None,
|
|
2599
|
-
input_columns=None, output_columns=None, python_multiprocessing=False, max_rowsize=
|
|
2655
|
+
input_columns=None, output_columns=None, python_multiprocessing=False, max_rowsize=None):
|
|
2600
2656
|
super().__init__(children=input_dataset, num_parallel_workers=num_parallel_workers)
|
|
2601
2657
|
|
|
2602
2658
|
if BatchDataset._is_ancestor_of_repeat(input_dataset):
|
|
@@ -2617,8 +2673,10 @@ class BatchDataset(UnionBaseDataset):
|
|
|
2617
2673
|
|
|
2618
2674
|
self.python_multiprocessing = python_multiprocessing
|
|
2619
2675
|
self.process_pool = None
|
|
2620
|
-
if
|
|
2621
|
-
self.max_rowsize = [
|
|
2676
|
+
if max_rowsize is None:
|
|
2677
|
+
self.max_rowsize = [-1, -1]
|
|
2678
|
+
elif isinstance(max_rowsize, int):
|
|
2679
|
+
self.max_rowsize = [max_rowsize * self.batch_size] * 2 if max_rowsize != -1 else [max_rowsize, max_rowsize]
|
|
2622
2680
|
else:
|
|
2623
2681
|
self.max_rowsize = [max_rowsize[0] * self.batch_size, max_rowsize[1] * self.batch_size]
|
|
2624
2682
|
|
|
@@ -3040,7 +3098,7 @@ class Pipe:
|
|
|
3040
3098
|
Class to handle communication between the master process and the worker processes.
|
|
3041
3099
|
"""
|
|
3042
3100
|
|
|
3043
|
-
def __init__(self, warning_ctl, shared_memory=False, max_rowsize=
|
|
3101
|
+
def __init__(self, warning_ctl, shared_memory=False, max_rowsize=(-1, -1)):
|
|
3044
3102
|
self.shared_memory = shared_memory
|
|
3045
3103
|
self.eof = multiprocessing.Event()
|
|
3046
3104
|
if self.shared_memory:
|
|
@@ -3097,11 +3155,14 @@ def _main_process_already_exit():
|
|
|
3097
3155
|
return False
|
|
3098
3156
|
|
|
3099
3157
|
|
|
3100
|
-
def _worker_loop(operations, pipe,
|
|
3158
|
+
def _worker_loop(operations, pipe, worker_id):
|
|
3101
3159
|
"""
|
|
3102
3160
|
Multiprocess worker process loop.
|
|
3103
3161
|
"""
|
|
3104
|
-
#
|
|
3162
|
+
# Initialize C++ side signal handlers
|
|
3163
|
+
cde.register_worker_handlers()
|
|
3164
|
+
|
|
3165
|
+
# Ensure that the process does not hang when exiting
|
|
3105
3166
|
pipe.res_queue.cancel_join_thread()
|
|
3106
3167
|
|
|
3107
3168
|
def _ignore_sigint():
|
|
@@ -3110,9 +3171,12 @@ def _worker_loop(operations, pipe, seed=get_seed()):
|
|
|
3110
3171
|
"""
|
|
3111
3172
|
signal.signal(signal.SIGINT, signal.SIG_IGN)
|
|
3112
3173
|
|
|
3113
|
-
#
|
|
3114
|
-
#
|
|
3115
|
-
|
|
3174
|
+
# If the default random seed has not been changed, there is no need to fix the randomness.
|
|
3175
|
+
# Otherwise, set the random seed for each child process to "base_seed + worker_id" to ensure
|
|
3176
|
+
# that the random results of each process are different.
|
|
3177
|
+
if get_seed() != 5489:
|
|
3178
|
+
set_seed(get_seed() + worker_id)
|
|
3179
|
+
|
|
3116
3180
|
while not _main_process_already_exit():
|
|
3117
3181
|
_ignore_sigint()
|
|
3118
3182
|
|
|
@@ -3135,8 +3199,8 @@ def _worker_loop(operations, pipe, seed=get_seed()):
|
|
|
3135
3199
|
del pipe.res_queue
|
|
3136
3200
|
|
|
3137
3201
|
|
|
3138
|
-
def worker_target(operations,
|
|
3139
|
-
return lambda pipe: _worker_loop(operations, pipe,
|
|
3202
|
+
def worker_target(operations, worker_id):
|
|
3203
|
+
return lambda pipe: _worker_loop(operations, pipe, worker_id)
|
|
3140
3204
|
|
|
3141
3205
|
|
|
3142
3206
|
class _MPWorker(multiprocessing.Process):
|
|
@@ -3144,11 +3208,12 @@ class _MPWorker(multiprocessing.Process):
|
|
|
3144
3208
|
Worker process for multiprocessing.
|
|
3145
3209
|
"""
|
|
3146
3210
|
|
|
3147
|
-
def __init__(self, operations, warning_ctl, max_rowsize=
|
|
3211
|
+
def __init__(self, operations, warning_ctl, max_rowsize=(-1, -1), worker_id=0):
|
|
3148
3212
|
shared_memory = get_enable_shared_mem()
|
|
3149
3213
|
self.pipe = Pipe(warning_ctl, shared_memory=shared_memory, max_rowsize=max_rowsize)
|
|
3150
3214
|
self.check_interval = get_multiprocessing_timeout_interval()
|
|
3151
|
-
super().__init__(target=worker_target(operations,
|
|
3215
|
+
super().__init__(target=worker_target(operations, worker_id), name="MapWorker" + str(worker_id),
|
|
3216
|
+
args=(self.pipe,), daemon=True)
|
|
3152
3217
|
|
|
3153
3218
|
def execute(self, idx, *args):
|
|
3154
3219
|
"""Acquiring data from a worker in an infinite loop"""
|
|
@@ -3237,7 +3302,7 @@ class _PythonMultiprocessing(cde.PythonMultiprocessingRuntime):
|
|
|
3237
3302
|
self.origin_hook(ex_type, value, tb)
|
|
3238
3303
|
self.mp_pool_exit_preprocess()
|
|
3239
3304
|
|
|
3240
|
-
def __init__(self, op_name, num_parallel_workers, operations, max_rowsize=
|
|
3305
|
+
def __init__(self, op_name, num_parallel_workers, operations, max_rowsize=(-1, -1)):
|
|
3241
3306
|
super(_PythonMultiprocessing, self).__init__()
|
|
3242
3307
|
self.op_name = op_name
|
|
3243
3308
|
self.num_parallel_workers = num_parallel_workers
|
|
@@ -3253,11 +3318,12 @@ class _PythonMultiprocessing(cde.PythonMultiprocessingRuntime):
|
|
|
3253
3318
|
|
|
3254
3319
|
self.eot = None
|
|
3255
3320
|
self.watch_dog = None
|
|
3256
|
-
self.ppid =
|
|
3321
|
+
self.ppid = None
|
|
3257
3322
|
self.hook = None
|
|
3258
3323
|
self.warning_ctl = None
|
|
3259
3324
|
# cache thread (get_ident()) to worker_id mapping in Python layer
|
|
3260
3325
|
self.python_threads_to_workers = {}
|
|
3326
|
+
self.eof = None
|
|
3261
3327
|
|
|
3262
3328
|
def __del__(self):
|
|
3263
3329
|
try:
|
|
@@ -3277,10 +3343,10 @@ class _PythonMultiprocessing(cde.PythonMultiprocessingRuntime):
|
|
|
3277
3343
|
if child_pid == 0:
|
|
3278
3344
|
break
|
|
3279
3345
|
except OSError:
|
|
3280
|
-
# waitpid may
|
|
3346
|
+
# waitpid may fail for some reason, so we ignore this error
|
|
3281
3347
|
pass
|
|
3282
3348
|
|
|
3283
|
-
# Dataset need watch_dog thread to monitoring fork
|
|
3349
|
+
# Dataset need watch_dog thread to monitoring fork multiprocessing,
|
|
3284
3350
|
# and thread can't be a member function otherwise python won't collect and release resources.
|
|
3285
3351
|
@staticmethod
|
|
3286
3352
|
def _watch_dog(eot, workers):
|
|
@@ -3313,6 +3379,8 @@ class _PythonMultiprocessing(cde.PythonMultiprocessingRuntime):
|
|
|
3313
3379
|
"main process will exit. If this is not an artificial operation, you can use "
|
|
3314
3380
|
"ds.config.set_enable_watchdog(False) to block this error.")
|
|
3315
3381
|
os.kill(os.getpid(), signal.SIGTERM)
|
|
3382
|
+
# sleep to release GIL
|
|
3383
|
+
time.sleep(1)
|
|
3316
3384
|
|
|
3317
3385
|
# release the workers
|
|
3318
3386
|
del workers
|
|
@@ -3388,17 +3456,25 @@ class _PythonMultiprocessing(cde.PythonMultiprocessingRuntime):
|
|
|
3388
3456
|
|
|
3389
3457
|
# When main process exit, subprocesses will be terminate
|
|
3390
3458
|
@staticmethod
|
|
3391
|
-
def _clean_process(ppid, workers):
|
|
3459
|
+
def _clean_process(ppid, workers, quit_signal):
|
|
3392
3460
|
"""
|
|
3393
3461
|
This is the execute function of clean process, if we found main process exited, we will clean subprocesses.
|
|
3394
3462
|
|
|
3395
3463
|
Args:
|
|
3396
3464
|
ppid: The process id of main process.
|
|
3397
3465
|
workers: The list of subprocesses.
|
|
3398
|
-
|
|
3466
|
+
quit_signal: The flag of quit.
|
|
3399
3467
|
"""
|
|
3400
3468
|
signal.signal(signal.SIGINT, signal.SIG_IGN)
|
|
3401
3469
|
while _PythonMultiprocessing.is_process_alive(ppid):
|
|
3470
|
+
if quit_signal.is_set():
|
|
3471
|
+
return
|
|
3472
|
+
|
|
3473
|
+
# independent dataset mode, the subprocess of GeneratorDataset / map / batch should exit when
|
|
3474
|
+
# independent dataset process have exit
|
|
3475
|
+
if os.getppid() != ppid:
|
|
3476
|
+
break
|
|
3477
|
+
|
|
3402
3478
|
time.sleep(0.1)
|
|
3403
3479
|
|
|
3404
3480
|
_PythonMultiprocessing._terminate_processes(workers)
|
|
@@ -3410,10 +3486,10 @@ class _PythonMultiprocessing(cde.PythonMultiprocessingRuntime):
|
|
|
3410
3486
|
Launch Python multiprocessing pool.
|
|
3411
3487
|
|
|
3412
3488
|
Args:
|
|
3413
|
-
|
|
3489
|
+
op_id: ID for operation to have Python multiprocessing pool launched
|
|
3414
3490
|
|
|
3415
3491
|
Returns:
|
|
3416
|
-
Python
|
|
3492
|
+
Python multiprocessing pool is launched.
|
|
3417
3493
|
"""
|
|
3418
3494
|
self.python_threads_to_workers = {}
|
|
3419
3495
|
self.op_id = op_id
|
|
@@ -3424,6 +3500,7 @@ class _PythonMultiprocessing(cde.PythonMultiprocessingRuntime):
|
|
|
3424
3500
|
logger.warning(message)
|
|
3425
3501
|
self.terminate()
|
|
3426
3502
|
self.reset()
|
|
3503
|
+
self.ppid = os.getpid()
|
|
3427
3504
|
self.create_pool()
|
|
3428
3505
|
|
|
3429
3506
|
def create_pool(self):
|
|
@@ -3444,8 +3521,8 @@ class _PythonMultiprocessing(cde.PythonMultiprocessingRuntime):
|
|
|
3444
3521
|
# Construct python worker processes
|
|
3445
3522
|
self.workers = []
|
|
3446
3523
|
self.warning_ctl = multiprocessing.Value('i', 0)
|
|
3447
|
-
for
|
|
3448
|
-
worker = _MPWorker(self.operations, self.warning_ctl, self.max_rowsize,
|
|
3524
|
+
for worker_id in range(self.num_parallel_workers):
|
|
3525
|
+
worker = _MPWorker(self.operations, self.warning_ctl, self.max_rowsize, worker_id)
|
|
3449
3526
|
worker.start()
|
|
3450
3527
|
self.workers.append(worker)
|
|
3451
3528
|
|
|
@@ -3530,17 +3607,18 @@ class _PythonMultiprocessing(cde.PythonMultiprocessingRuntime):
|
|
|
3530
3607
|
The cleaning subprocess will cleanup subprocesses when main process was killed.
|
|
3531
3608
|
"""
|
|
3532
3609
|
if platform.system().lower() != 'windows':
|
|
3610
|
+
self.eof = multiprocessing.Event()
|
|
3533
3611
|
self.cleaning_process = multiprocessing.Process(target=self._clean_process,
|
|
3534
|
-
|
|
3535
|
-
|
|
3612
|
+
name="MapCleanProcess",
|
|
3613
|
+
args=(self.ppid, self.workers, self.eof),
|
|
3536
3614
|
daemon=True)
|
|
3537
3615
|
self.cleaning_process.start()
|
|
3538
3616
|
|
|
3539
3617
|
if get_enable_watchdog():
|
|
3540
3618
|
self.eot = threading.Event()
|
|
3541
3619
|
self.watch_dog = threading.Thread(target=self._watch_dog,
|
|
3620
|
+
name="MapWatchDog",
|
|
3542
3621
|
args=(self.eot, self.workers + [self.cleaning_process]),
|
|
3543
|
-
name="WatchDog",
|
|
3544
3622
|
daemon=True)
|
|
3545
3623
|
self.watch_dog.start()
|
|
3546
3624
|
|
|
@@ -3552,6 +3630,8 @@ class _PythonMultiprocessing(cde.PythonMultiprocessingRuntime):
|
|
|
3552
3630
|
if hasattr(self, 'watch_dog') and self.watch_dog is not None and hasattr(self, 'eot') and self.eot is not None:
|
|
3553
3631
|
self._abort_watchdog()
|
|
3554
3632
|
if hasattr(self, 'cleaning_process') and self.cleaning_process is not None:
|
|
3633
|
+
if hasattr(self, 'eof') and self.eof is not None and not self.eof.is_set():
|
|
3634
|
+
self.eof.set()
|
|
3555
3635
|
_PythonMultiprocessing._terminate_processes([self.cleaning_process])
|
|
3556
3636
|
del self.cleaning_process
|
|
3557
3637
|
|
|
@@ -3617,16 +3697,18 @@ class MapDataset(UnionBaseDataset):
|
|
|
3617
3697
|
callbacks (DSCallback, list[DSCallback], optional): List of Dataset callbacks to be called. Default: ``None``.
|
|
3618
3698
|
max_rowsize(Union[int, list[int]], optional): Maximum size of row in MB that is used for shared memory
|
|
3619
3699
|
allocation to copy data between processes, the total occupied shared memory will increase as
|
|
3620
|
-
``num_parallel_workers`` and :func:`mindspore.dataset.config.set_prefetch_size` increase.
|
|
3621
|
-
|
|
3700
|
+
``num_parallel_workers`` and :func:`mindspore.dataset.config.set_prefetch_size` increase. If set to -1,
|
|
3701
|
+
shared memory will be dynamically allocated with the actual size of data. This is only used if
|
|
3702
|
+
``python_multiprocessing`` is set to True. If it is an int value, it represents ``input_columns`` and
|
|
3622
3703
|
``output_columns`` use this value as the unit to create shared memory. If it is a list, the first element
|
|
3623
3704
|
represents the ``input_columns`` use this value as the unit to create shared memory, and the second element
|
|
3624
|
-
represents ``output_columns`` use this value as the unit to create shared memory. Default:
|
|
3705
|
+
represents ``output_columns`` use this value as the unit to create shared memory. Default: ``None`` ,
|
|
3706
|
+
allocate shared memory dynamically.
|
|
3625
3707
|
offload (bool, optional): Flag to indicate whether offload is used. Default: ``None``.
|
|
3626
3708
|
"""
|
|
3627
3709
|
|
|
3628
3710
|
def __init__(self, input_dataset, operations=None, input_columns=None, output_columns=None,
|
|
3629
|
-
num_parallel_workers=None, python_multiprocessing=False, cache=None, callbacks=None, max_rowsize=
|
|
3711
|
+
num_parallel_workers=None, python_multiprocessing=False, cache=None, callbacks=None, max_rowsize=None,
|
|
3630
3712
|
offload=None):
|
|
3631
3713
|
super().__init__(children=input_dataset, num_parallel_workers=num_parallel_workers, cache=cache)
|
|
3632
3714
|
self.operations = to_list(operations)
|
|
@@ -3652,7 +3734,9 @@ class MapDataset(UnionBaseDataset):
|
|
|
3652
3734
|
self.process_pool = None
|
|
3653
3735
|
|
|
3654
3736
|
self.callbacks = to_list(callbacks)
|
|
3655
|
-
if
|
|
3737
|
+
if max_rowsize is None:
|
|
3738
|
+
self.max_rowsize = [-1, -1]
|
|
3739
|
+
elif isinstance(max_rowsize, int):
|
|
3656
3740
|
self.max_rowsize = [max_rowsize] * 2
|
|
3657
3741
|
else:
|
|
3658
3742
|
self.max_rowsize = max_rowsize
|
|
@@ -4269,6 +4353,7 @@ class TransferDataset(Dataset):
|
|
|
4269
4353
|
total_batch = 0
|
|
4270
4354
|
if hasattr(self.children[0], "__total_batch__"):
|
|
4271
4355
|
total_batch = self.children[0].__total_batch__
|
|
4356
|
+
check_total_batch(total_batch)
|
|
4272
4357
|
return cde.DataQueueNode(children[0], self.queue_name, self.device_type, self.device_id, self._send_epoch_end,
|
|
4273
4358
|
total_batch, self._create_data_info_queue)
|
|
4274
4359
|
|