mindspore 2.4.10__cp311-cp311-win_amd64.whl → 2.6.0__cp311-cp311-win_amd64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of mindspore might be problematic. Click here for more details.
- mindspore/.commit_id +1 -1
- mindspore/Microsoft.VisualStudio.Telemetry.dll +0 -0
- mindspore/Newtonsoft.Json.dll +0 -0
- mindspore/__init__.py +13 -6
- mindspore/_c_dataengine.cp311-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp311-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp311-win_amd64.pyd +0 -0
- mindspore/_check_jit_forbidden_api.py +3 -0
- mindspore/_checkparam.py +3 -38
- mindspore/_deprecated/__init__.py +17 -0
- mindspore/_deprecated/jit.py +198 -0
- mindspore/_extends/builtin_operations.py +1 -1
- mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +1 -1
- mindspore/_extends/parse/__init__.py +6 -7
- mindspore/_extends/parse/compile_config.py +83 -0
- mindspore/_extends/parse/deprecated/__init__.py +0 -0
- mindspore/_extends/parse/deprecated/deprecated_tensor_method.py +394 -0
- mindspore/_extends/parse/jit_fallback_modules/__init__.py +0 -0
- mindspore/_extends/parse/jit_fallback_modules/check_utils.py +123 -0
- mindspore/_extends/parse/jit_fallback_modules/third_party_modules.py +50 -0
- mindspore/_extends/parse/parser.py +47 -198
- mindspore/_extends/parse/resources.py +1 -5
- mindspore/_extends/parse/standard_method.py +229 -99
- mindspore/_extends/pijit/__init__.py +2 -2
- mindspore/_extends/pijit/pijit_func_white_list.py +17 -12
- mindspore/_extends/pijit/tensor_func_list.py +27 -0
- mindspore/_extends/utils.py +1 -1
- mindspore/amp.py +11 -5
- mindspore/atlprov.dll +0 -0
- mindspore/avcodec-59.dll +0 -0
- mindspore/avdevice-59.dll +0 -0
- mindspore/avfilter-8.dll +0 -0
- mindspore/avformat-59.dll +0 -0
- mindspore/avutil-57.dll +0 -0
- mindspore/boost/__init__.py +2 -2
- mindspore/boost/base.py +3 -7
- mindspore/boost/boost_cell_wrapper.py +138 -43
- mindspore/c1.dll +0 -0
- mindspore/c1xx.dll +0 -0
- mindspore/c2.dll +0 -0
- mindspore/common/__init__.py +6 -3
- mindspore/common/_grad_function.py +56 -0
- mindspore/common/_pijit_context.py +14 -5
- mindspore/common/_register_for_tensor.py +1 -2
- mindspore/common/_stub_tensor.py +30 -14
- mindspore/common/_tensor_cpp_method.py +17 -0
- mindspore/common/_tensor_docs.py +4760 -0
- mindspore/common/api.py +480 -372
- mindspore/common/auto_dynamic_shape.py +41 -44
- mindspore/common/dtype.py +39 -36
- mindspore/common/dump.py +9 -6
- mindspore/common/file_system.py +9 -1
- mindspore/common/generator.py +5 -0
- mindspore/common/hook_handle.py +6 -2
- mindspore/common/initializer.py +13 -10
- mindspore/common/jit_begin_end.py +94 -0
- mindspore/common/jit_config.py +6 -1
- mindspore/common/jit_context.py +76 -0
- mindspore/common/jit_trace.py +378 -0
- mindspore/common/lazy_inline.py +9 -3
- mindspore/common/mindir_util.py +10 -2
- mindspore/common/mutable.py +5 -4
- mindspore/common/parameter.py +135 -52
- mindspore/common/seed.py +2 -2
- mindspore/common/sparse_tensor.py +23 -17
- mindspore/common/tensor.py +975 -1981
- mindspore/communication/__init__.py +7 -5
- mindspore/communication/_comm_helper.py +52 -2
- mindspore/communication/comm_func.py +240 -181
- mindspore/communication/management.py +95 -26
- mindspore/context.py +324 -573
- mindspore/dataset/__init__.py +65 -37
- mindspore/dataset/audio/__init__.py +2 -8
- mindspore/dataset/audio/transforms.py +3 -17
- mindspore/dataset/callback/ds_callback.py +2 -1
- mindspore/dataset/core/config.py +87 -6
- mindspore/dataset/engine/cache_admin.py +3 -3
- mindspore/dataset/engine/cache_client.py +6 -5
- mindspore/dataset/engine/datasets.py +292 -267
- mindspore/dataset/engine/datasets_audio.py +22 -8
- mindspore/dataset/engine/datasets_standard_format.py +46 -27
- mindspore/dataset/engine/datasets_text.py +78 -48
- mindspore/dataset/engine/datasets_user_defined.py +183 -117
- mindspore/dataset/engine/datasets_vision.py +120 -44
- mindspore/dataset/engine/iterators.py +283 -63
- mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +1 -1
- mindspore/dataset/engine/obs/util.py +8 -0
- mindspore/dataset/engine/queue.py +40 -0
- mindspore/dataset/engine/samplers.py +289 -43
- mindspore/dataset/engine/serializer_deserializer.py +3 -2
- mindspore/dataset/engine/validators.py +53 -11
- mindspore/dataset/text/__init__.py +7 -6
- mindspore/dataset/text/transforms.py +6 -5
- mindspore/dataset/text/utils.py +3 -3
- mindspore/dataset/transforms/__init__.py +0 -9
- mindspore/dataset/transforms/py_transforms_util.py +17 -0
- mindspore/dataset/transforms/transforms.py +31 -14
- mindspore/dataset/utils/browse_dataset.py +1 -1
- mindspore/dataset/vision/__init__.py +2 -9
- mindspore/dataset/vision/transforms.py +202 -158
- mindspore/dataset/vision/utils.py +7 -5
- mindspore/dataset/vision/validators.py +1 -2
- mindspore/device_context/__init__.py +21 -0
- mindspore/device_context/ascend/__init__.py +25 -0
- mindspore/device_context/ascend/device.py +72 -0
- mindspore/device_context/ascend/op_debug.py +153 -0
- mindspore/device_context/ascend/op_precision.py +193 -0
- mindspore/device_context/ascend/op_tuning.py +123 -0
- mindspore/{ops_generate/gen_constants.py → device_context/cpu/__init__.py} +6 -17
- mindspore/device_context/cpu/device.py +62 -0
- mindspore/device_context/cpu/op_tuning.py +43 -0
- mindspore/device_context/gpu/__init__.py +21 -0
- mindspore/device_context/gpu/device.py +70 -0
- mindspore/device_context/gpu/op_precision.py +67 -0
- mindspore/device_context/gpu/op_tuning.py +175 -0
- mindspore/device_manager.py +170 -0
- mindspore/dnnl.dll +0 -0
- mindspore/dpcmi.dll +0 -0
- mindspore/experimental/es/embedding_service.py +35 -27
- mindspore/experimental/llm_boost/__init__.py +1 -0
- mindspore/experimental/llm_boost/ascend_native/__init__.py +22 -0
- mindspore/experimental/llm_boost/ascend_native/llama_boost_ascend_native.py +209 -0
- mindspore/experimental/llm_boost/ascend_native/llm_boost.py +52 -0
- mindspore/experimental/llm_boost/atb/boost_base.py +2 -3
- mindspore/experimental/llm_boost/atb/llama_boost.py +6 -1
- mindspore/experimental/llm_boost/register.py +1 -0
- mindspore/experimental/map_parameter.py +4 -4
- mindspore/experimental/optim/adadelta.py +6 -6
- mindspore/experimental/optim/adagrad.py +4 -4
- mindspore/experimental/optim/adam.py +7 -0
- mindspore/experimental/optim/adamax.py +4 -4
- mindspore/experimental/optim/adamw.py +4 -0
- mindspore/experimental/optim/asgd.py +1 -1
- mindspore/experimental/optim/lr_scheduler.py +73 -46
- mindspore/experimental/optim/radam.py +34 -31
- mindspore/experimental/optim/rprop.py +1 -1
- mindspore/experimental/optim/sgd.py +1 -1
- mindspore/hal/contiguous_tensors_handle.py +6 -10
- mindspore/hal/device.py +55 -53
- mindspore/hal/event.py +52 -52
- mindspore/hal/memory.py +179 -120
- mindspore/hal/stream.py +150 -109
- mindspore/include/api/context.h +0 -1
- mindspore/include/dataset/constants.h +7 -4
- mindspore/include/dataset/execute.h +2 -2
- mindspore/jpeg62.dll +0 -0
- mindspore/log.py +50 -0
- mindspore/mindrecord/__init__.py +21 -8
- mindspore/mindrecord/config.py +17 -316
- mindspore/mindrecord/filereader.py +1 -9
- mindspore/mindrecord/filewriter.py +5 -15
- mindspore/mindrecord/mindpage.py +1 -9
- mindspore/mindspore_backend_common.dll +0 -0
- mindspore/mindspore_backend_manager.dll +0 -0
- mindspore/mindspore_common.dll +0 -0
- mindspore/mindspore_core.dll +0 -0
- mindspore/mindspore_dump.dll +0 -0
- mindspore/mindspore_frontend.dll +0 -0
- mindspore/mindspore_glog.dll +0 -0
- mindspore/mindspore_memory_pool.dll +0 -0
- mindspore/mindspore_ms_backend.dll +0 -0
- mindspore/mindspore_ops.dll +0 -0
- mindspore/{mindspore_backend.dll → mindspore_ops_host.dll} +0 -0
- mindspore/mindspore_ops_kernel_common.dll +0 -0
- mindspore/mindspore_profiler.dll +0 -0
- mindspore/mindspore_pyboost.dll +0 -0
- mindspore/mindspore_pynative.dll +0 -0
- mindspore/mindspore_res_manager.dll +0 -0
- mindspore/mindspore_runtime_pipeline.dll +0 -0
- mindspore/mint/__init__.py +798 -761
- mindspore/mint/distributed/__init__.py +70 -4
- mindspore/mint/distributed/distributed.py +2679 -44
- mindspore/mint/linalg/__init__.py +8 -0
- mindspore/mint/nn/__init__.py +743 -22
- mindspore/mint/nn/functional.py +716 -23
- mindspore/mint/nn/layer/__init__.py +21 -4
- mindspore/mint/nn/layer/_functions.py +334 -0
- mindspore/mint/nn/layer/activation.py +276 -1
- mindspore/mint/nn/layer/basic.py +123 -0
- mindspore/mint/nn/layer/conv.py +933 -0
- mindspore/mint/nn/layer/normalization.py +223 -28
- mindspore/mint/nn/layer/padding.py +797 -0
- mindspore/mint/nn/layer/pooling.py +235 -0
- mindspore/mint/optim/__init__.py +3 -1
- mindspore/mint/optim/adam.py +223 -0
- mindspore/mint/optim/adamw.py +26 -19
- mindspore/mint/optim/sgd.py +171 -0
- mindspore/mint/special/__init__.py +2 -1
- mindspore/msobj140.dll +0 -0
- mindspore/mspdb140.dll +0 -0
- mindspore/mspdbcore.dll +0 -0
- mindspore/mspdbst.dll +0 -0
- mindspore/mspft140.dll +0 -0
- mindspore/msvcdis140.dll +0 -0
- mindspore/msvcp140_1.dll +0 -0
- mindspore/msvcp140_2.dll +0 -0
- mindspore/msvcp140_atomic_wait.dll +0 -0
- mindspore/msvcp140_codecvt_ids.dll +0 -0
- mindspore/multiprocessing/__init__.py +5 -0
- mindspore/nn/__init__.py +4 -1
- mindspore/nn/cell.py +1373 -192
- mindspore/nn/dynamic_lr.py +2 -1
- mindspore/nn/layer/activation.py +29 -27
- mindspore/nn/layer/basic.py +51 -35
- mindspore/nn/layer/channel_shuffle.py +3 -3
- mindspore/nn/layer/container.py +1 -1
- mindspore/nn/layer/conv.py +53 -42
- mindspore/nn/layer/embedding.py +12 -11
- mindspore/nn/layer/normalization.py +56 -49
- mindspore/nn/layer/padding.py +4 -3
- mindspore/nn/layer/pooling.py +120 -42
- mindspore/nn/layer/rnn_cells.py +1 -1
- mindspore/nn/layer/rnns.py +2 -1
- mindspore/nn/layer/timedistributed.py +5 -5
- mindspore/nn/layer/transformer.py +59 -36
- mindspore/nn/learning_rate_schedule.py +8 -4
- mindspore/nn/loss/loss.py +58 -55
- mindspore/nn/optim/ada_grad.py +7 -5
- mindspore/nn/optim/adadelta.py +11 -9
- mindspore/nn/optim/adafactor.py +1 -1
- mindspore/nn/optim/adam.py +19 -15
- mindspore/nn/optim/adamax.py +8 -7
- mindspore/nn/optim/adasum.py +5 -5
- mindspore/nn/optim/asgd.py +3 -1
- mindspore/nn/optim/ftrl.py +11 -9
- mindspore/nn/optim/lamb.py +1 -1
- mindspore/nn/optim/lars.py +1 -4
- mindspore/nn/optim/lazyadam.py +12 -10
- mindspore/nn/optim/momentum.py +7 -6
- mindspore/nn/optim/optimizer.py +3 -3
- mindspore/nn/optim/proximal_ada_grad.py +12 -10
- mindspore/nn/optim/rmsprop.py +13 -12
- mindspore/nn/optim/rprop.py +11 -9
- mindspore/nn/optim/sgd.py +9 -6
- mindspore/nn/optim/tft_wrapper.py +5 -2
- mindspore/nn/optim/thor.py +2 -1
- mindspore/nn/probability/bijector/bijector.py +17 -11
- mindspore/nn/probability/bijector/gumbel_cdf.py +5 -5
- mindspore/nn/probability/bijector/invert.py +2 -2
- mindspore/nn/probability/bijector/scalar_affine.py +3 -3
- mindspore/nn/probability/bijector/softplus.py +3 -2
- mindspore/nn/probability/distribution/beta.py +3 -3
- mindspore/nn/probability/distribution/categorical.py +1 -1
- mindspore/nn/probability/distribution/cauchy.py +4 -2
- mindspore/nn/probability/distribution/exponential.py +6 -7
- mindspore/nn/probability/distribution/gamma.py +2 -2
- mindspore/nn/probability/distribution/gumbel.py +2 -2
- mindspore/nn/probability/distribution/half_normal.py +5 -3
- mindspore/nn/probability/distribution/logistic.py +5 -3
- mindspore/nn/probability/distribution/poisson.py +1 -1
- mindspore/nn/probability/distribution/uniform.py +5 -3
- mindspore/nn/reinforcement/_tensors_queue.py +1 -1
- mindspore/nn/reinforcement/tensor_array.py +1 -1
- mindspore/nn/utils/init.py +13 -11
- mindspore/nn/wrap/__init__.py +6 -6
- mindspore/nn/wrap/cell_wrapper.py +181 -122
- mindspore/nn/wrap/grad_reducer.py +45 -36
- mindspore/nn/wrap/loss_scale.py +6 -7
- mindspore/numpy/array_creations.py +63 -65
- mindspore/numpy/array_ops.py +149 -144
- mindspore/numpy/logic_ops.py +41 -42
- mindspore/numpy/math_ops.py +361 -359
- mindspore/numpy/utils.py +17 -18
- mindspore/numpy/utils_const.py +5 -6
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- mindspore/ops/__init__.py +5 -3
- mindspore/ops/_grad_experimental/grad_comm_ops.py +112 -16
- mindspore/ops/_grad_experimental/grad_debug_ops.py +14 -2
- mindspore/ops/_grad_experimental/grad_inner_ops.py +9 -0
- mindspore/ops/_grad_experimental/grad_math_ops.py +2 -1
- mindspore/ops/_grad_experimental/taylor_rule.py +29 -0
- mindspore/ops/_op_impl/cpu/__init__.py +1 -0
- mindspore/ops/_op_impl/cpu/raise_op.py +28 -0
- mindspore/ops/_register_for_op.py +0 -11
- mindspore/{ops_generate → ops/_utils}/arg_dtype_cast.py +123 -4
- mindspore/{ops_generate → ops/_utils}/arg_handler.py +3 -65
- mindspore/ops/_vmap/vmap_array_ops.py +52 -25
- mindspore/ops/_vmap/vmap_base.py +0 -2
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +21 -14
- mindspore/ops/_vmap/vmap_math_ops.py +15 -16
- mindspore/ops/_vmap/vmap_nn_ops.py +29 -42
- mindspore/ops/auto_generate/__init__.py +4 -3
- mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +258 -46
- mindspore/ops/auto_generate/gen_extend_func.py +757 -185
- mindspore/ops/auto_generate/gen_ops_def.py +4197 -2243
- mindspore/ops/auto_generate/gen_ops_prim.py +16976 -6055
- mindspore/ops/auto_generate/pyboost_inner_prim.py +221 -87
- mindspore/ops/composite/__init__.py +2 -1
- mindspore/ops/composite/base.py +20 -25
- mindspore/ops/composite/math_ops.py +6 -16
- mindspore/ops/composite/multitype_ops/__init__.py +5 -2
- mindspore/ops/composite/multitype_ops/_compile_utils.py +228 -30
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +1 -2
- mindspore/ops/composite/multitype_ops/add_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/div_impl.py +6 -4
- mindspore/ops/composite/multitype_ops/equal_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/floordiv_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/getitem_impl.py +3 -2
- mindspore/ops/composite/multitype_ops/greater_equal_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/greater_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/in_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/invert_impl.py +50 -0
- mindspore/ops/composite/multitype_ops/left_shift_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/less_impl.py +4 -3
- mindspore/ops/composite/multitype_ops/logic_not_impl.py +3 -2
- mindspore/ops/composite/multitype_ops/logical_and_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/logical_or_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/mod_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/mul_impl.py +3 -2
- mindspore/ops/composite/multitype_ops/negative_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/not_equal_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/not_in_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +18 -0
- mindspore/ops/composite/multitype_ops/pow_impl.py +2 -30
- mindspore/ops/composite/multitype_ops/right_shift_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/setitem_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/sub_impl.py +2 -1
- mindspore/ops/function/__init__.py +40 -2
- mindspore/ops/function/_add_attr_func.py +58 -0
- mindspore/ops/function/array_func.py +2089 -2403
- mindspore/ops/function/clip_func.py +80 -23
- mindspore/ops/function/debug_func.py +57 -57
- mindspore/ops/function/grad/__init__.py +1 -0
- mindspore/ops/function/grad/grad_func.py +104 -71
- mindspore/ops/function/image_func.py +2 -2
- mindspore/ops/function/linalg_func.py +47 -78
- mindspore/ops/function/math_func.py +4351 -3813
- mindspore/ops/function/nn_func.py +1712 -637
- mindspore/ops/function/other_func.py +159 -1
- mindspore/ops/function/parameter_func.py +18 -84
- mindspore/ops/function/random_func.py +452 -387
- mindspore/ops/function/reshard_func.py +4 -70
- mindspore/ops/function/sparse_func.py +3 -3
- mindspore/ops/function/sparse_unary_func.py +6 -6
- mindspore/ops/function/spectral_func.py +25 -58
- mindspore/ops/function/vmap_func.py +26 -18
- mindspore/ops/functional.py +23 -7
- mindspore/ops/functional_overload.py +1548 -0
- mindspore/ops/op_info_register.py +32 -244
- mindspore/ops/operations/__init__.py +23 -15
- mindspore/ops/operations/_custom_ops_utils.py +235 -0
- mindspore/ops/operations/_embedding_cache_ops.py +4 -4
- mindspore/ops/operations/_grad_ops.py +2 -43
- mindspore/ops/operations/_infer_ops.py +2 -1
- mindspore/ops/operations/_inner_ops.py +43 -84
- mindspore/ops/operations/_ms_kernel.py +4 -10
- mindspore/ops/operations/_rl_inner_ops.py +1 -1
- mindspore/ops/operations/_scalar_ops.py +3 -2
- mindspore/ops/operations/_sequence_ops.py +1 -1
- mindspore/ops/operations/_tensor_array.py +1 -1
- mindspore/ops/operations/array_ops.py +81 -324
- mindspore/ops/operations/comm_ops.py +154 -108
- mindspore/ops/operations/custom_ops.py +298 -87
- mindspore/ops/operations/debug_ops.py +157 -59
- mindspore/ops/operations/inner_ops.py +7 -5
- mindspore/ops/operations/linalg_ops.py +1 -57
- mindspore/ops/operations/manually_defined/_inner.py +1 -1
- mindspore/ops/operations/manually_defined/ops_def.py +928 -180
- mindspore/ops/operations/math_ops.py +32 -234
- mindspore/ops/operations/nn_ops.py +212 -531
- mindspore/ops/operations/other_ops.py +62 -9
- mindspore/ops/operations/random_ops.py +13 -7
- mindspore/ops/operations/reshard_ops.py +1 -1
- mindspore/ops/operations/sparse_ops.py +2 -2
- mindspore/ops/primitive.py +66 -53
- mindspore/ops/tensor_method.py +1895 -0
- mindspore/ops_generate/__init__.py +0 -5
- mindspore/ops_generate/aclnn/__init__.py +0 -0
- mindspore/ops_generate/aclnn/aclnn_kernel_register_auto_cc_generator.py +135 -0
- mindspore/ops_generate/aclnn/gen_aclnn_implement.py +257 -0
- mindspore/ops_generate/api/__init__.py +0 -0
- mindspore/ops_generate/api/add_tensor_docs_generator.py +56 -0
- mindspore/ops_generate/api/cpp_create_prim_instance_helper_generator.py +105 -0
- mindspore/ops_generate/api/functional_map_cpp_generator.py +504 -0
- mindspore/ops_generate/api/functional_overload_py_generator.py +112 -0
- mindspore/ops_generate/api/functions_cc_generator.py +237 -0
- mindspore/ops_generate/api/gen_api.py +103 -0
- mindspore/ops_generate/api/op_api_proto.py +235 -0
- mindspore/ops_generate/api/tensor_func_reg_cpp_generator.py +461 -0
- mindspore/ops_generate/common/__init__.py +0 -0
- mindspore/ops_generate/common/base_generator.py +11 -0
- mindspore/ops_generate/common/gen_constants.py +91 -0
- mindspore/ops_generate/common/gen_utils.py +348 -0
- mindspore/ops_generate/common/op_proto.py +473 -0
- mindspore/ops_generate/common/template.py +523 -0
- mindspore/ops_generate/gen_ops.py +22 -1069
- mindspore/ops_generate/op_def/__init__.py +0 -0
- mindspore/ops_generate/op_def/gen_op_def.py +90 -0
- mindspore/ops_generate/op_def/lite_ops_cpp_generator.py +191 -0
- mindspore/ops_generate/op_def/ops_def_cc_generator.py +296 -0
- mindspore/ops_generate/op_def/ops_def_h_generator.py +74 -0
- mindspore/ops_generate/op_def/ops_name_h_generator.py +83 -0
- mindspore/ops_generate/op_def/ops_primitive_h_generator.py +125 -0
- mindspore/ops_generate/op_def_py/__init__.py +0 -0
- mindspore/ops_generate/op_def_py/gen_op_def_py.py +47 -0
- mindspore/ops_generate/op_def_py/op_def_py_generator.py +132 -0
- mindspore/ops_generate/op_def_py/op_prim_py_generator.py +489 -0
- mindspore/ops_generate/pyboost/__init__.py +0 -0
- mindspore/ops_generate/pyboost/auto_grad_impl_cc_generator.py +139 -0
- mindspore/ops_generate/pyboost/auto_grad_reg_cc_generator.py +93 -0
- mindspore/ops_generate/pyboost/gen_pyboost_func.py +175 -0
- mindspore/ops_generate/pyboost/op_template_parser.py +517 -0
- mindspore/ops_generate/pyboost/pyboost_functions_cpp_generator.py +407 -0
- mindspore/ops_generate/pyboost/pyboost_functions_h_generator.py +100 -0
- mindspore/ops_generate/pyboost/pyboost_functions_py_generator.py +148 -0
- mindspore/ops_generate/pyboost/pyboost_grad_function_cpp_generator.py +155 -0
- mindspore/ops_generate/pyboost/pyboost_inner_prim_generator.py +132 -0
- mindspore/ops_generate/pyboost/pyboost_native_grad_functions_generator.py +272 -0
- mindspore/ops_generate/pyboost/pyboost_op_cpp_code_generator.py +938 -0
- mindspore/ops_generate/pyboost/pyboost_overload_functions_cpp_generator.py +357 -0
- mindspore/ops_generate/{pyboost_utils.py → pyboost/pyboost_utils.py} +179 -36
- mindspore/ops_generate/resources/__init__.py +0 -0
- mindspore/ops_generate/resources/resource_list.py +30 -0
- mindspore/ops_generate/resources/resource_loader.py +36 -0
- mindspore/ops_generate/resources/resource_manager.py +64 -0
- mindspore/ops_generate/resources/yaml_loader.py +88 -0
- mindspore/ops_generate/tensor_py_cc_generator.py +122 -0
- mindspore/parallel/__init__.py +7 -3
- mindspore/parallel/_auto_parallel_context.py +159 -40
- mindspore/parallel/_cell_wrapper.py +132 -15
- mindspore/parallel/_parallel_serialization.py +107 -5
- mindspore/parallel/_ps_context.py +1 -1
- mindspore/parallel/_recovery_context.py +7 -2
- mindspore/parallel/_tensor.py +142 -18
- mindspore/parallel/_utils.py +199 -23
- mindspore/parallel/algo_parameter_config.py +4 -4
- mindspore/parallel/auto_parallel.py +732 -0
- mindspore/parallel/checkpoint_convert.py +159 -0
- mindspore/parallel/checkpoint_transform.py +700 -35
- mindspore/parallel/cluster/process_entity/_api.py +276 -50
- mindspore/parallel/cluster/process_entity/_utils.py +41 -6
- mindspore/parallel/cluster/run.py +21 -4
- mindspore/parallel/function/__init__.py +24 -0
- mindspore/parallel/function/reshard_func.py +258 -0
- mindspore/parallel/nn/__init__.py +25 -0
- mindspore/parallel/nn/parallel_cell_wrapper.py +263 -0
- mindspore/parallel/nn/parallel_grad_reducer.py +169 -0
- mindspore/parallel/parameter_broadcast.py +25 -14
- mindspore/parallel/shard.py +137 -59
- mindspore/parallel/transform_safetensors.py +364 -305
- mindspore/pgodb140.dll +0 -0
- mindspore/pgort140.dll +0 -0
- mindspore/profiler/__init__.py +22 -5
- mindspore/profiler/analysis/__init__.py +0 -0
- mindspore/profiler/analysis/parser/__init__.py +0 -0
- mindspore/profiler/analysis/parser/ascend_cann_parser.py +170 -0
- mindspore/profiler/analysis/parser/base_parser.py +158 -0
- mindspore/profiler/analysis/parser/framework_cann_relation_parser.py +45 -0
- mindspore/profiler/analysis/parser/ms_framework_parser.py +142 -0
- mindspore/profiler/analysis/parser/ms_minddata_parser.py +145 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/__init__.py +0 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/ascend_timeline_assembler.py +264 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/base_timeline_assembler.py +40 -0
- mindspore/profiler/analysis/parser/timeline_assembly_factory/trace_view_container.py +109 -0
- mindspore/profiler/analysis/parser/timeline_creator/__init__.py +0 -0
- mindspore/profiler/analysis/parser/timeline_creator/base_timeline_creator.py +44 -0
- mindspore/profiler/analysis/parser/timeline_creator/cpu_op_timeline_creator.py +90 -0
- mindspore/profiler/analysis/parser/timeline_creator/fwk_timeline_creator.py +76 -0
- mindspore/profiler/analysis/parser/timeline_creator/msprof_timeline_creator.py +103 -0
- mindspore/profiler/analysis/parser/timeline_creator/scope_layer_timeline_creator.py +134 -0
- mindspore/profiler/analysis/parser/timeline_event/__init__.py +0 -0
- mindspore/profiler/analysis/parser/timeline_event/base_event.py +233 -0
- mindspore/profiler/analysis/parser/timeline_event/cpu_op_event.py +47 -0
- mindspore/profiler/analysis/parser/timeline_event/flow_event.py +36 -0
- mindspore/profiler/analysis/parser/timeline_event/fwk_event.py +415 -0
- mindspore/profiler/analysis/parser/timeline_event/msprof_event.py +73 -0
- mindspore/profiler/analysis/parser/timeline_event/scope_layer_event.py +53 -0
- mindspore/profiler/analysis/parser/timeline_event/timeline_event_pool.py +146 -0
- mindspore/profiler/analysis/task_manager.py +131 -0
- mindspore/profiler/analysis/time_converter.py +84 -0
- mindspore/profiler/analysis/viewer/__init__.py +0 -0
- mindspore/profiler/analysis/viewer/ascend_communication_viewer.py +372 -0
- mindspore/profiler/analysis/viewer/ascend_integrate_viewer.py +87 -0
- mindspore/profiler/analysis/viewer/ascend_kernel_details_viewer.py +250 -0
- mindspore/profiler/analysis/viewer/ascend_memory_viewer.py +320 -0
- mindspore/profiler/analysis/viewer/ascend_op_memory_viewer.py +327 -0
- mindspore/profiler/analysis/viewer/ascend_step_trace_time_viewer.py +376 -0
- mindspore/profiler/analysis/viewer/ascend_timeline_viewer.py +58 -0
- mindspore/profiler/analysis/viewer/base_viewer.py +26 -0
- mindspore/profiler/analysis/viewer/ms_dataset_viewer.py +96 -0
- mindspore/profiler/analysis/viewer/ms_minddata_viewer.py +581 -0
- mindspore/profiler/analysis/work_flow.py +73 -0
- mindspore/profiler/common/ascend_msprof_exporter.py +139 -0
- mindspore/profiler/common/command_executor.py +90 -0
- mindspore/profiler/common/constant.py +186 -3
- mindspore/profiler/common/file_manager.py +208 -0
- mindspore/profiler/common/log.py +130 -0
- mindspore/profiler/common/msprof_cmd_tool.py +221 -0
- mindspore/profiler/common/path_manager.py +395 -0
- mindspore/profiler/common/process_bar.py +168 -0
- mindspore/profiler/common/process_pool.py +9 -3
- mindspore/profiler/common/profiler_context.py +500 -0
- mindspore/profiler/common/profiler_info.py +304 -0
- mindspore/profiler/common/profiler_meta_data.py +74 -0
- mindspore/profiler/common/profiler_output_path.py +284 -0
- mindspore/profiler/common/profiler_parameters.py +251 -0
- mindspore/profiler/common/profiler_path_manager.py +179 -0
- mindspore/profiler/common/record_function.py +76 -0
- mindspore/profiler/common/tlv_decoder.py +76 -0
- mindspore/profiler/common/util.py +75 -2
- mindspore/profiler/dynamic_profiler.py +341 -75
- mindspore/profiler/envprofiler.py +163 -0
- mindspore/profiler/experimental_config.py +197 -0
- mindspore/profiler/mstx.py +242 -0
- mindspore/profiler/platform/__init__.py +21 -0
- mindspore/profiler/platform/base_profiler.py +40 -0
- mindspore/profiler/platform/cpu_profiler.py +124 -0
- mindspore/profiler/platform/gpu_profiler.py +74 -0
- mindspore/profiler/platform/npu_profiler.py +335 -0
- mindspore/profiler/profiler.py +1073 -90
- mindspore/profiler/profiler_action_controller.py +187 -0
- mindspore/profiler/profiler_interface.py +118 -0
- mindspore/profiler/schedule.py +243 -0
- mindspore/rewrite/api/node.py +15 -13
- mindspore/rewrite/api/symbol_tree.py +2 -3
- mindspore/run_check/_check_version.py +27 -20
- mindspore/run_check/run_check.py +1 -1
- mindspore/runtime/__init__.py +37 -0
- mindspore/runtime/device.py +27 -0
- mindspore/runtime/event.py +209 -0
- mindspore/runtime/executor.py +177 -0
- mindspore/runtime/memory.py +416 -0
- mindspore/runtime/stream.py +460 -0
- mindspore/runtime/thread_bind_core.py +401 -0
- mindspore/safeguard/rewrite_obfuscation.py +12 -9
- mindspore/swresample-4.dll +0 -0
- mindspore/swscale-6.dll +0 -0
- mindspore/tbbmalloc.dll +0 -0
- mindspore/tinyxml2.dll +0 -0
- mindspore/train/__init__.py +8 -8
- mindspore/train/_utils.py +96 -27
- mindspore/train/amp.py +9 -5
- mindspore/train/callback/__init__.py +2 -2
- mindspore/train/callback/_callback.py +2 -16
- mindspore/train/callback/_checkpoint.py +53 -55
- mindspore/train/callback/_cluster_monitor.py +14 -18
- mindspore/train/callback/_early_stop.py +1 -1
- mindspore/train/callback/_flops_collector.py +103 -68
- mindspore/train/callback/_history.py +8 -5
- mindspore/train/callback/_lambda_callback.py +2 -2
- mindspore/train/callback/_landscape.py +0 -3
- mindspore/train/callback/_loss_monitor.py +2 -1
- mindspore/train/callback/_on_request_exit.py +6 -5
- mindspore/train/callback/_reduce_lr_on_plateau.py +11 -6
- mindspore/train/callback/_summary_collector.py +52 -19
- mindspore/train/callback/_time_monitor.py +2 -1
- mindspore/train/callback/{_tft_register.py → _train_fault_tolerance.py} +228 -108
- mindspore/train/data_sink.py +25 -2
- mindspore/train/dataset_helper.py +15 -16
- mindspore/train/loss_scale_manager.py +8 -7
- mindspore/train/metrics/accuracy.py +3 -3
- mindspore/train/metrics/confusion_matrix.py +9 -9
- mindspore/train/metrics/error.py +3 -3
- mindspore/train/metrics/hausdorff_distance.py +4 -4
- mindspore/train/metrics/mean_surface_distance.py +3 -3
- mindspore/train/metrics/metric.py +0 -12
- mindspore/train/metrics/occlusion_sensitivity.py +4 -2
- mindspore/train/metrics/precision.py +11 -10
- mindspore/train/metrics/recall.py +9 -9
- mindspore/train/metrics/root_mean_square_surface_distance.py +2 -2
- mindspore/train/mind_ir_pb2.py +174 -46
- mindspore/train/model.py +269 -136
- mindspore/train/serialization.py +622 -978
- mindspore/train/summary/_summary_adapter.py +2 -2
- mindspore/train/summary/summary_record.py +2 -3
- mindspore/train/train_thor/model_thor.py +1 -1
- mindspore/turbojpeg.dll +0 -0
- mindspore/utils/__init__.py +6 -3
- mindspore/utils/dryrun.py +140 -0
- mindspore/utils/hooks.py +81 -0
- mindspore/utils/runtime_execution_order_check.py +552 -0
- mindspore/utils/utils.py +138 -4
- mindspore/vcmeta.dll +0 -0
- mindspore/vcruntime140.dll +0 -0
- mindspore/vcruntime140_1.dll +0 -0
- mindspore/version.py +1 -1
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/METADATA +3 -3
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/RECORD +587 -418
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/entry_points.txt +1 -1
- mindspore/_install_custom.py +0 -43
- mindspore/common/_register_for_adapter.py +0 -74
- mindspore/common/_tensor_overload.py +0 -139
- mindspore/mindspore_np_dtype.dll +0 -0
- mindspore/ops/auto_generate/gen_arg_dtype_cast.py +0 -252
- mindspore/ops/auto_generate/gen_arg_handler.py +0 -197
- mindspore/ops/operations/_opaque_predicate_registry.py +0 -41
- mindspore/ops_generate/gen_aclnn_implement.py +0 -263
- mindspore/ops_generate/gen_ops_inner_prim.py +0 -131
- mindspore/ops_generate/gen_pyboost_func.py +0 -1052
- mindspore/ops_generate/gen_utils.py +0 -209
- mindspore/ops_generate/op_proto.py +0 -145
- mindspore/ops_generate/template.py +0 -261
- mindspore/profiler/envprofiling.py +0 -254
- mindspore/profiler/profiling.py +0 -1926
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/WHEEL +0 -0
- {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/top_level.txt +0 -0
|
@@ -30,7 +30,8 @@ from PIL import Image
|
|
|
30
30
|
|
|
31
31
|
import mindspore._c_dataengine as cde
|
|
32
32
|
|
|
33
|
-
from .
|
|
33
|
+
from .samplers import Shuffle
|
|
34
|
+
from .datasets import VisionBaseDataset, SourceDataset, MappableDataset, Schema
|
|
34
35
|
from .datasets_user_defined import GeneratorDataset
|
|
35
36
|
from .validators import check_caltech101_dataset, check_caltech256_dataset, check_celebadataset, \
|
|
36
37
|
check_cityscapes_dataset, check_cocodataset, check_div2k_dataset, check_emnist_dataset, check_fake_image_dataset, \
|
|
@@ -141,6 +142,8 @@ class Caltech101Dataset(GeneratorDataset):
|
|
|
141
142
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
142
143
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
143
144
|
the maximum sample number of per shard.
|
|
145
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
146
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
144
147
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
145
148
|
argument can only be specified when `num_shards` is also specified.
|
|
146
149
|
|
|
@@ -284,10 +287,12 @@ class Caltech256Dataset(MappableDataset, VisionBaseDataset):
|
|
|
284
287
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
285
288
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
286
289
|
the maximum sample number of per shard.
|
|
290
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
291
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
287
292
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
288
293
|
argument can only be specified when `num_shards` is also specified.
|
|
289
294
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
290
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
295
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
291
296
|
Default: ``None`` , which means no cache is used.
|
|
292
297
|
|
|
293
298
|
Raises:
|
|
@@ -396,12 +401,14 @@ class CelebADataset(MappableDataset, VisionBaseDataset):
|
|
|
396
401
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
397
402
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
398
403
|
the maximum sample number of per shard.
|
|
404
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
405
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
399
406
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
400
407
|
argument can only be specified when `num_shards` is also specified.
|
|
401
408
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
402
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
409
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
403
410
|
Default: ``None`` , which means no cache is used.
|
|
404
|
-
decrypt (callable, optional): Image decryption function, which
|
|
411
|
+
decrypt (callable, optional): Image decryption function, which receives the path of the encrypted image file
|
|
405
412
|
and returns the decrypted bytes data. Default: ``None`` , no decryption.
|
|
406
413
|
|
|
407
414
|
Raises:
|
|
@@ -549,10 +556,12 @@ class Cifar10Dataset(MappableDataset, VisionBaseDataset):
|
|
|
549
556
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
550
557
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
551
558
|
the maximum sample number of per shard.
|
|
559
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
560
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
552
561
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
553
562
|
argument can only be specified when `num_shards` is also specified.
|
|
554
563
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
555
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
564
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
556
565
|
Default: ``None`` , which means no cache is used.
|
|
557
566
|
|
|
558
567
|
Raises:
|
|
@@ -663,10 +672,12 @@ class Cifar100Dataset(MappableDataset, VisionBaseDataset):
|
|
|
663
672
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
664
673
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
665
674
|
the maximum sample number of per shard.
|
|
675
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
676
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
666
677
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
667
678
|
argument can only be specified when `num_shards` is also specified.
|
|
668
679
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
669
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
680
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
670
681
|
Default: ``None`` , which means no cache is used.
|
|
671
682
|
|
|
672
683
|
Raises:
|
|
@@ -771,16 +782,19 @@ class CityscapesDataset(MappableDataset, VisionBaseDataset):
|
|
|
771
782
|
by :func:`mindspore.dataset.config.set_num_parallel_workers` .
|
|
772
783
|
shuffle (bool, optional): Whether to perform shuffle on the dataset. Default: ``None`` , expected
|
|
773
784
|
order behavior shown in the table below.
|
|
774
|
-
decode (bool, optional): Decode the images after reading. Default: ``None``,
|
|
785
|
+
decode (bool, optional): Decode the images after reading. Default: ``None``,
|
|
786
|
+
which means ``False``, the images are not decoded after reading.
|
|
775
787
|
sampler (Sampler, optional): Object used to choose samples from the
|
|
776
788
|
dataset. Default: ``None`` , expected order behavior shown in the table below.
|
|
777
789
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
778
790
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
779
791
|
the max sample number of per shard.
|
|
792
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
793
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
780
794
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
781
795
|
argument can only be specified when `num_shards` is also specified.
|
|
782
796
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
783
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
797
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
784
798
|
Default: ``None`` , which means no cache is used.
|
|
785
799
|
|
|
786
800
|
Raises:
|
|
@@ -928,10 +942,12 @@ class CocoDataset(MappableDataset, VisionBaseDataset):
|
|
|
928
942
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
929
943
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
930
944
|
the maximum sample number of per shard.
|
|
945
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
946
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
931
947
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
932
948
|
argument can only be specified when `num_shards` is also specified.
|
|
933
949
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
934
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
950
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
935
951
|
Default: ``None`` , which means no cache is used.
|
|
936
952
|
extra_metadata(bool, optional): Flag to add extra meta-data to row. If True, an additional column will be
|
|
937
953
|
output at the end :py:obj:`[_meta-filename, dtype=string]` . Default: ``False``.
|
|
@@ -1170,10 +1186,12 @@ class DIV2KDataset(MappableDataset, VisionBaseDataset):
|
|
|
1170
1186
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
1171
1187
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
1172
1188
|
the max sample number of per shard.
|
|
1189
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
1190
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
1173
1191
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1174
1192
|
argument can only be specified when `num_shards` is also specified.
|
|
1175
1193
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
1176
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
1194
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
1177
1195
|
Default: ``None`` , which means no cache is used.
|
|
1178
1196
|
|
|
1179
1197
|
Raises:
|
|
@@ -1338,10 +1356,12 @@ class EMnistDataset(MappableDataset, VisionBaseDataset):
|
|
|
1338
1356
|
dataset. Default: ``None`` , expected order behavior shown in the table below.
|
|
1339
1357
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1340
1358
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
1359
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
1360
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
1341
1361
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1342
1362
|
argument can only be specified when `num_shards` is also specified.
|
|
1343
1363
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
1344
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
1364
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
1345
1365
|
Default: ``None`` , which means no cache is used.
|
|
1346
1366
|
|
|
1347
1367
|
Raises:
|
|
@@ -1453,10 +1473,12 @@ class FakeImageDataset(MappableDataset, VisionBaseDataset):
|
|
|
1453
1473
|
dataset. Default: ``None`` , expected order behavior shown in the table below.
|
|
1454
1474
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1455
1475
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
1476
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
1477
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
1456
1478
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1457
1479
|
argument can only be specified when `num_shards` is also specified.
|
|
1458
1480
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
1459
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
1481
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
1460
1482
|
Default: ``None`` , which means no cache is used.
|
|
1461
1483
|
|
|
1462
1484
|
Raises:
|
|
@@ -1524,10 +1546,12 @@ class FashionMnistDataset(MappableDataset, VisionBaseDataset):
|
|
|
1524
1546
|
Default: ``None`` , expected order behavior shown in the table below.
|
|
1525
1547
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1526
1548
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
1549
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
1550
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
1527
1551
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1528
1552
|
argument can only be specified when `num_shards` is also specified.
|
|
1529
1553
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
1530
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
1554
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
1531
1555
|
Default: ``None`` , which means no cache is used.
|
|
1532
1556
|
|
|
1533
1557
|
Raises:
|
|
@@ -1629,10 +1653,12 @@ class FlickrDataset(MappableDataset, VisionBaseDataset):
|
|
|
1629
1653
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
1630
1654
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
1631
1655
|
the max sample number of per shard.
|
|
1656
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
1657
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
1632
1658
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
1633
1659
|
argument can only be specified when `num_shards` is also specified.
|
|
1634
1660
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
1635
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
1661
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
1636
1662
|
Default: ``None`` , which means no cache is used.
|
|
1637
1663
|
|
|
1638
1664
|
Raises:
|
|
@@ -1857,6 +1883,8 @@ class Flowers102Dataset(GeneratorDataset):
|
|
|
1857
1883
|
Default: ``None`` , expected order behavior shown in the table below.
|
|
1858
1884
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
1859
1885
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
1886
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
1887
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
1860
1888
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` .
|
|
1861
1889
|
This argument must be specified only when `num_shards` is also specified.
|
|
1862
1890
|
|
|
@@ -2000,12 +2028,15 @@ class Food101Dataset(MappableDataset, VisionBaseDataset):
|
|
|
2000
2028
|
decode (bool, optional): Decode the images after reading. Default: ``False``.
|
|
2001
2029
|
sampler (Sampler, optional): Object used to choose samples from the dataset.
|
|
2002
2030
|
Default: ``None`` , expected order behavior shown in the table below.
|
|
2003
|
-
num_shards (int, optional): Number of shards that the dataset will be divided into.
|
|
2004
|
-
|
|
2005
|
-
|
|
2006
|
-
|
|
2031
|
+
num_shards (int, optional): Number of shards that the dataset will be divided into.
|
|
2032
|
+
Default: ``None`` . When this argument
|
|
2033
|
+
is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
2034
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
2035
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
2036
|
+
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` .
|
|
2037
|
+
This argument can only be specified when `num_shards` is also specified.
|
|
2007
2038
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
2008
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
2039
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
2009
2040
|
Default: ``None`` , which means no cache is used.
|
|
2010
2041
|
|
|
2011
2042
|
Raises:
|
|
@@ -2123,10 +2154,12 @@ class ImageFolderDataset(MappableDataset, VisionBaseDataset):
|
|
|
2123
2154
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
2124
2155
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
2125
2156
|
the maximum sample number of per shard.
|
|
2157
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
2158
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
2126
2159
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
2127
2160
|
argument can only be specified when `num_shards` is also specified.
|
|
2128
2161
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
2129
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
2162
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
2130
2163
|
Default: ``None`` , which means no cache is used.
|
|
2131
2164
|
decrypt (callable, optional): Image decryption function, which accepts the path of the encrypted image file
|
|
2132
2165
|
and returns the decrypted bytes data. Default: ``None`` , no decryption.
|
|
@@ -2267,10 +2300,12 @@ class KITTIDataset(MappableDataset, VisionBaseDataset):
|
|
|
2267
2300
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
2268
2301
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
2269
2302
|
the max sample number of per shard.
|
|
2303
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
2304
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
2270
2305
|
shard_id (int, optional): The shard ID within `num_shards`. Default: ``None`` . This
|
|
2271
2306
|
argument can only be specified when `num_shards` is also specified.
|
|
2272
2307
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
2273
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
2308
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
2274
2309
|
Default: ``None`` , which means no cache is used.
|
|
2275
2310
|
|
|
2276
2311
|
Raises:
|
|
@@ -2387,10 +2422,12 @@ class KMnistDataset(MappableDataset, VisionBaseDataset):
|
|
|
2387
2422
|
Default: ``None`` , expected order behavior shown in the table below.
|
|
2388
2423
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
2389
2424
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
2425
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
2426
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
2390
2427
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
2391
2428
|
argument can only be specified when `num_shards` is also specified.
|
|
2392
2429
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
2393
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
2430
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
2394
2431
|
Default: ``None`` , which means no cache is used.
|
|
2395
2432
|
|
|
2396
2433
|
Raises:
|
|
@@ -2497,10 +2534,12 @@ class LFWDataset(MappableDataset, VisionBaseDataset):
|
|
|
2497
2534
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
2498
2535
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
2499
2536
|
the max sample number of per shard.
|
|
2537
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
2538
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
2500
2539
|
shard_id (int, optional): The shard ID within `num_shards`. Default: ``None`` . This
|
|
2501
2540
|
argument can only be specified when `num_shards` is also specified.
|
|
2502
2541
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
2503
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
2542
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
2504
2543
|
Default: ``None`` , which means no cache is used.
|
|
2505
2544
|
|
|
2506
2545
|
Raises:
|
|
@@ -2636,10 +2675,12 @@ class LSUNDataset(MappableDataset, VisionBaseDataset):
|
|
|
2636
2675
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
2637
2676
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
2638
2677
|
the max sample number of per shard.
|
|
2678
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
2679
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
2639
2680
|
shard_id (int, optional): The shard ID within `num_shards`. Default: ``None`` . This
|
|
2640
2681
|
argument can only be specified when `num_shards` is also specified.
|
|
2641
2682
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
2642
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
2683
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
2643
2684
|
Default: ``None`` , which means no cache is used.
|
|
2644
2685
|
|
|
2645
2686
|
Raises:
|
|
@@ -2757,10 +2798,12 @@ class ManifestDataset(MappableDataset, VisionBaseDataset):
|
|
|
2757
2798
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
2758
2799
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
2759
2800
|
the max number of samples per shard.
|
|
2801
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
2802
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
2760
2803
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
2761
2804
|
argument can only be specified when `num_shards` is also specified.
|
|
2762
2805
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
2763
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
2806
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
2764
2807
|
Default: ``None`` , which means no cache is used.
|
|
2765
2808
|
|
|
2766
2809
|
Raises:
|
|
@@ -2878,10 +2921,12 @@ class MnistDataset(MappableDataset, VisionBaseDataset):
|
|
|
2878
2921
|
dataset. Default: ``None`` , expected order behavior shown in the table below.
|
|
2879
2922
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
2880
2923
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
2924
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
2925
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
2881
2926
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
2882
2927
|
argument can only be specified when `num_shards` is also specified.
|
|
2883
2928
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
2884
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
2929
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
2885
2930
|
Default: ``None`` , which means no cache is used.
|
|
2886
2931
|
|
|
2887
2932
|
Raises:
|
|
@@ -2983,10 +3028,12 @@ class OmniglotDataset(MappableDataset, VisionBaseDataset):
|
|
|
2983
3028
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
2984
3029
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
2985
3030
|
the max sample number of per shard.
|
|
3031
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
3032
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
2986
3033
|
shard_id (int, optional): The shard ID within `num_shards`. Default: ``None`` . This
|
|
2987
3034
|
argument can only be specified when `num_shards` is also specified.
|
|
2988
3035
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
2989
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
3036
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
2990
3037
|
Default: ``None`` , which means no cache is used.
|
|
2991
3038
|
|
|
2992
3039
|
Raises:
|
|
@@ -3103,10 +3150,12 @@ class PhotoTourDataset(MappableDataset, VisionBaseDataset):
|
|
|
3103
3150
|
Default: ``None`` , expected order behavior shown in the table below.
|
|
3104
3151
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
3105
3152
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
3153
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
3154
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
3106
3155
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
3107
3156
|
argument can only be specified when `num_shards` is also specified.
|
|
3108
3157
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
3109
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
3158
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
3110
3159
|
Default: ``None`` , which means no cache is used.
|
|
3111
3160
|
|
|
3112
3161
|
Raises:
|
|
@@ -3231,10 +3280,12 @@ class Places365Dataset(MappableDataset, VisionBaseDataset):
|
|
|
3231
3280
|
dataset. Default: ``None`` , expected order behavior shown in the table below.
|
|
3232
3281
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
3233
3282
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
3283
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
3284
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
3234
3285
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
3235
3286
|
argument can only be specified when `num_shards` is also specified.
|
|
3236
3287
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
3237
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
3288
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
3238
3289
|
Default: ``None`` , which means no cache is used.
|
|
3239
3290
|
|
|
3240
3291
|
Raises:
|
|
@@ -3340,7 +3391,8 @@ class QMnistDataset(MappableDataset, VisionBaseDataset):
|
|
|
3340
3391
|
dataset_dir (str): Path to the root directory that contains the dataset.
|
|
3341
3392
|
usage (str, optional): Usage of this dataset, can be ``'train'``, ``'test'``, ``'test10k'``,
|
|
3342
3393
|
``'test50k'``, ``'nist'`` or ``'all'``. Default: ``None`` , will read all samples.
|
|
3343
|
-
compat (bool, optional):
|
|
3394
|
+
compat (bool, optional): Specifies the labeling information for each sample.
|
|
3395
|
+
Whether the label for each example is class number (compat= ``True`` )
|
|
3344
3396
|
or the full QMNIST information (compat= ``False`` ). Default: ``True``.
|
|
3345
3397
|
num_samples (int, optional): The number of images to be included in the dataset.
|
|
3346
3398
|
Default: ``None`` , will read all images.
|
|
@@ -3353,10 +3405,12 @@ class QMnistDataset(MappableDataset, VisionBaseDataset):
|
|
|
3353
3405
|
dataset. Default: ``None`` , expected order behavior shown in the table below.
|
|
3354
3406
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
3355
3407
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
3408
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
3409
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
3356
3410
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
3357
3411
|
argument can only be specified when `num_shards` is also specified.
|
|
3358
3412
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
3359
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
3413
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
3360
3414
|
Default: ``None`` , which means no cache is used.
|
|
3361
3415
|
|
|
3362
3416
|
Raises:
|
|
@@ -3454,13 +3508,15 @@ class RandomDataset(SourceDataset, VisionBaseDataset):
|
|
|
3454
3508
|
Default: ``None`` , will use global default workers(8), it can be set
|
|
3455
3509
|
by :func:`mindspore.dataset.config.set_num_parallel_workers` .
|
|
3456
3510
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
3457
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
3511
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
3458
3512
|
Default: ``None`` , which means no cache is used.
|
|
3459
3513
|
shuffle (bool, optional): Whether or not to perform shuffle on the dataset.
|
|
3460
3514
|
Default: ``None`` , expected order behavior shown in the table below.
|
|
3461
3515
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
3462
3516
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
3463
3517
|
the maximum sample number of per shard.
|
|
3518
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
3519
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
3464
3520
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
3465
3521
|
argument can only be specified when `num_shards` is also specified.
|
|
3466
3522
|
|
|
@@ -3534,12 +3590,14 @@ class RenderedSST2Dataset(MappableDataset, VisionBaseDataset):
|
|
|
3534
3590
|
sampler (Sampler, optional): Object used to choose samples from the
|
|
3535
3591
|
dataset. Default: ``None`` , expected order behavior shown in the table below.
|
|
3536
3592
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
3537
|
-
into. When this argument is specified, `num_samples` reflects
|
|
3538
|
-
the maximum sample number of per shard.
|
|
3593
|
+
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
3594
|
+
the maximum sample number of per shard.
|
|
3595
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
3596
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
3539
3597
|
shard_id (int, optional): The shard ID within `num_shards` . This
|
|
3540
3598
|
argument can only be specified when `num_shards` is also specified. Default: ``None`` .
|
|
3541
3599
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
3542
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
3600
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
3543
3601
|
Default: ``None`` , which means no cache is used.
|
|
3544
3602
|
|
|
3545
3603
|
Raises:
|
|
@@ -3733,6 +3791,8 @@ class SBDataset(GeneratorDataset):
|
|
|
3733
3791
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
3734
3792
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
3735
3793
|
the max sample number of per shard.
|
|
3794
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
3795
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
3736
3796
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
3737
3797
|
argument can only be specified when `num_shards` is also specified.
|
|
3738
3798
|
|
|
@@ -3844,10 +3904,12 @@ class SBUDataset(MappableDataset, VisionBaseDataset):
|
|
|
3844
3904
|
dataset. Default: ``None`` , expected order behavior shown in the table below.
|
|
3845
3905
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
3846
3906
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
3907
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
3908
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
3847
3909
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
3848
3910
|
argument can only be specified when `num_shards` is also specified.
|
|
3849
3911
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
3850
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
3912
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
3851
3913
|
Default: ``None`` , which means no cache is used.
|
|
3852
3914
|
|
|
3853
3915
|
Raises:
|
|
@@ -3941,10 +4003,12 @@ class SemeionDataset(MappableDataset, VisionBaseDataset):
|
|
|
3941
4003
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
3942
4004
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
3943
4005
|
the maximum sample number of per shard.
|
|
4006
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
4007
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
3944
4008
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
3945
4009
|
argument can only be specified when `num_shards` is also specified.
|
|
3946
4010
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
3947
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
4011
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
3948
4012
|
Default: ``None`` , which means no cache is used.
|
|
3949
4013
|
|
|
3950
4014
|
Raises:
|
|
@@ -4051,10 +4115,12 @@ class STL10Dataset(MappableDataset, VisionBaseDataset):
|
|
|
4051
4115
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
4052
4116
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
4053
4117
|
the max sample number of per shard.
|
|
4118
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
4119
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
4054
4120
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
4055
4121
|
argument can only be specified when `num_shards` is also specified.
|
|
4056
4122
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
4057
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
4123
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
4058
4124
|
Default: ``None`` , which means no cache is used.
|
|
4059
4125
|
|
|
4060
4126
|
Raises:
|
|
@@ -4162,12 +4228,14 @@ class SUN397Dataset(MappableDataset, VisionBaseDataset):
|
|
|
4162
4228
|
sampler (Sampler, optional): Object used to choose samples from the
|
|
4163
4229
|
dataset. Default: ``None`` , expected order behavior shown in the table below.
|
|
4164
4230
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
4165
|
-
into. When this argument is specified, `num_samples` reflects
|
|
4166
|
-
the maximum sample number of per shard.
|
|
4231
|
+
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
4232
|
+
the maximum sample number of per shard.
|
|
4233
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
4234
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
4167
4235
|
shard_id (int, optional): The shard ID within `num_shards` . This
|
|
4168
4236
|
argument can only be specified when `num_shards` is also specified. Default: ``None`` .
|
|
4169
4237
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
4170
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
4238
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
4171
4239
|
Default: ``None`` , which means no cache is used.
|
|
4172
4240
|
|
|
4173
4241
|
Raises:
|
|
@@ -4325,6 +4393,8 @@ class SVHNDataset(GeneratorDataset):
|
|
|
4325
4393
|
input is required. Default: ``None`` , expected order behavior shown in the table below.
|
|
4326
4394
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
4327
4395
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
4396
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
4397
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
4328
4398
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` .
|
|
4329
4399
|
This argument must be specified only when `num_shards` is also specified.
|
|
4330
4400
|
|
|
@@ -4425,10 +4495,12 @@ class USPSDataset(SourceDataset, VisionBaseDataset):
|
|
|
4425
4495
|
|
|
4426
4496
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
4427
4497
|
When this argument is specified, `num_samples` reflects the max sample number of per shard.
|
|
4498
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
4499
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
4428
4500
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
4429
4501
|
argument can only be specified when `num_shards` is also specified.
|
|
4430
4502
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
4431
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
4503
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
4432
4504
|
Default: ``None`` , which means no cache is used.
|
|
4433
4505
|
|
|
4434
4506
|
Raises:
|
|
@@ -4533,10 +4605,12 @@ class VOCDataset(MappableDataset, VisionBaseDataset):
|
|
|
4533
4605
|
num_shards (int, optional): Number of shards that the dataset will be divided
|
|
4534
4606
|
into. Default: ``None`` . When this argument is specified, `num_samples` reflects
|
|
4535
4607
|
the maximum sample number of per shard.
|
|
4608
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
4609
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
4536
4610
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
4537
4611
|
argument can only be specified when `num_shards` is also specified.
|
|
4538
4612
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
4539
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
4613
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
4540
4614
|
Default: ``None`` , which means no cache is used.
|
|
4541
4615
|
extra_metadata(bool, optional): Flag to add extra meta-data to row. If True, an additional column named
|
|
4542
4616
|
:py:obj:`[_meta-filename, dtype=string]` will be output at the end. Default: ``False``.
|
|
@@ -4715,10 +4789,12 @@ class WIDERFaceDataset(MappableDataset, VisionBaseDataset):
|
|
|
4715
4789
|
Default: ``None`` , expected order behavior shown in the table below.
|
|
4716
4790
|
num_shards (int, optional): Number of shards that the dataset will be divided into. Default: ``None`` .
|
|
4717
4791
|
When this argument is specified, `num_samples` reflects the maximum sample number of per shard.
|
|
4792
|
+
Used in `data parallel training <https://www.mindspore.cn/tutorials/en/master/
|
|
4793
|
+
parallel/data_parallel.html#loading-datasets>`_ .
|
|
4718
4794
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` .
|
|
4719
4795
|
This argument can only be specified when `num_shards` is also specified.
|
|
4720
4796
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
4721
|
-
`Single-Node Data Cache <https://www.mindspore.cn/
|
|
4797
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/en/master/dataset/cache.html>`_ .
|
|
4722
4798
|
Default: ``None`` , which means no cache is used.
|
|
4723
4799
|
|
|
4724
4800
|
Raises:
|