mindspore 2.2.14__cp39-cp39-win_amd64.whl → 2.3.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 +6 -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 +76 -18
- 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 +258 -0
- mindspore/_extends/parse/namespace.py +2 -2
- mindspore/_extends/parse/parser.py +174 -62
- mindspore/_extends/parse/resources.py +45 -14
- mindspore/_extends/parse/standard_method.py +142 -240
- mindspore/{ops/_op_impl/tbe/atomic_addr_clean.py → _extends/pijit/__init__.py} +6 -16
- mindspore/_extends/pijit/pijit_func_white_list.py +343 -0
- mindspore/_extends/remote/kernel_build_server.py +2 -0
- mindspore/_profiler.py +30 -0
- mindspore/amp.py +51 -24
- 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 +15 -4
- mindspore/common/_jit_fallback_utils.py +2 -3
- mindspore/common/_register_for_adapter.py +7 -0
- mindspore/common/_register_for_recompute.py +48 -0
- mindspore/common/_register_for_tensor.py +8 -9
- mindspore/common/_stub_tensor.py +7 -1
- mindspore/common/_utils.py +5 -17
- mindspore/common/api.py +411 -106
- mindspore/common/auto_dynamic_shape.py +27 -14
- mindspore/common/dtype.py +17 -10
- mindspore/common/dump.py +6 -8
- mindspore/common/file_system.py +48 -0
- mindspore/common/generator.py +260 -0
- mindspore/common/hook_handle.py +51 -4
- 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 +30 -11
- mindspore/common/recompute.py +262 -0
- mindspore/common/seed.py +9 -9
- mindspore/common/sparse_tensor.py +272 -24
- mindspore/common/symbol.py +122 -0
- mindspore/common/tensor.py +468 -494
- mindspore/communication/__init__.py +6 -11
- mindspore/communication/_comm_helper.py +5 -0
- mindspore/communication/comm_func.py +1140 -0
- mindspore/communication/management.py +115 -102
- mindspore/config/op_info.config +22 -54
- mindspore/context.py +346 -63
- 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/engine/cache_client.py +2 -2
- mindspore/dataset/engine/datasets.py +140 -83
- mindspore/dataset/engine/datasets_audio.py +14 -14
- mindspore/dataset/engine/datasets_standard_format.py +33 -3
- mindspore/dataset/engine/datasets_text.py +38 -38
- mindspore/dataset/engine/datasets_user_defined.py +78 -59
- mindspore/dataset/engine/datasets_vision.py +77 -73
- mindspore/dataset/engine/offload.py +5 -7
- mindspore/dataset/engine/queue.py +56 -38
- mindspore/dataset/engine/validators.py +11 -5
- mindspore/dataset/text/__init__.py +3 -3
- mindspore/dataset/text/transforms.py +408 -121
- mindspore/dataset/text/utils.py +9 -9
- mindspore/dataset/transforms/__init__.py +1 -1
- mindspore/dataset/transforms/transforms.py +261 -76
- mindspore/dataset/utils/browse_dataset.py +9 -9
- mindspore/dataset/vision/__init__.py +8 -8
- 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 +14 -2
- mindspore/dnnl.dll +0 -0
- mindspore/dpcmi.dll +0 -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 +40 -16
- 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 +15 -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/device.py +356 -0
- mindspore/hal/event.py +179 -0
- mindspore/hal/memory.py +326 -0
- mindspore/hal/stream.py +339 -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/status.h +14 -0
- mindspore/include/c_api/model_c.h +173 -0
- mindspore/include/c_api/ms/base/types.h +1 -0
- mindspore/include/c_api/types_c.h +19 -0
- mindspore/include/dataset/execute.h +1 -3
- mindspore/include/dataset/vision.h +54 -2
- mindspore/jpeg62.dll +0 -0
- mindspore/log.py +2 -2
- mindspore/mindrecord/__init__.py +5 -1
- mindspore/mindrecord/config.py +809 -0
- mindspore/mindrecord/filereader.py +25 -0
- mindspore/mindrecord/filewriter.py +76 -58
- 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_shared_lib.dll +0 -0
- mindspore/mint/__init__.py +1137 -0
- mindspore/{rewrite/ast_transformers → mint/linalg}/__init__.py +9 -4
- mindspore/mint/nn/__init__.py +512 -0
- mindspore/mint/nn/functional.py +573 -0
- mindspore/mint/optim/__init__.py +24 -0
- mindspore/mint/optim/adamw.py +185 -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 +72 -0
- mindspore/nn/__init__.py +1 -0
- mindspore/nn/cell.py +213 -257
- mindspore/nn/dynamic_lr.py +2 -2
- mindspore/nn/extend/__init__.py +29 -0
- mindspore/nn/extend/basic.py +140 -0
- mindspore/nn/extend/embedding.py +143 -0
- mindspore/{rewrite/ast_creator_register.py → nn/extend/layer/__init__.py} +9 -19
- mindspore/nn/extend/layer/normalization.py +109 -0
- mindspore/nn/extend/pooling.py +117 -0
- mindspore/nn/layer/activation.py +83 -93
- mindspore/nn/layer/basic.py +177 -82
- 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 +101 -43
- mindspore/nn/layer/embedding_service.py +531 -0
- mindspore/nn/layer/embedding_service_layer.py +393 -0
- mindspore/nn/layer/image.py +4 -7
- mindspore/nn/layer/math.py +1 -1
- mindspore/nn/layer/normalization.py +52 -66
- mindspore/nn/layer/padding.py +30 -39
- mindspore/nn/layer/pooling.py +18 -9
- 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 +52 -50
- mindspore/nn/learning_rate_schedule.py +6 -5
- mindspore/nn/loss/loss.py +62 -83
- mindspore/nn/optim/ada_grad.py +4 -2
- mindspore/nn/optim/adadelta.py +3 -1
- 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/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 +58 -13
- mindspore/nn/wrap/grad_reducer.py +148 -8
- mindspore/nn/wrap/loss_scale.py +32 -9
- mindspore/numpy/__init__.py +2 -0
- mindspore/numpy/array_creations.py +2 -0
- mindspore/numpy/array_ops.py +6 -6
- mindspore/numpy/dtypes.py +3 -3
- mindspore/numpy/fft.py +431 -0
- mindspore/numpy/math_ops.py +62 -68
- mindspore/numpy/utils.py +3 -0
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- mindspore/ops/__init__.py +6 -5
- mindspore/ops/_grad_experimental/grad_array_ops.py +4 -129
- mindspore/ops/_grad_experimental/grad_comm_ops.py +89 -34
- mindspore/ops/_grad_experimental/grad_math_ops.py +68 -283
- 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 +164 -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 +130 -58
- mindspore/ops/_vmap/vmap_nn_ops.py +249 -115
- 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 +231 -0
- mindspore/ops/auto_generate/gen_arg_dtype_cast.py +250 -0
- mindspore/ops/auto_generate/gen_arg_handler.py +197 -0
- mindspore/ops/auto_generate/gen_extend_func.py +980 -0
- mindspore/ops/auto_generate/gen_ops_def.py +6443 -0
- mindspore/ops/auto_generate/gen_ops_prim.py +13167 -0
- mindspore/ops/auto_generate/pyboost_inner_prim.py +429 -0
- mindspore/ops/composite/__init__.py +5 -2
- mindspore/ops/composite/base.py +121 -23
- mindspore/ops/composite/math_ops.py +10 -49
- mindspore/ops/composite/multitype_ops/_compile_utils.py +191 -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 +6 -1
- 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/extend/__init__.py +53 -0
- mindspore/ops/extend/array_func.py +218 -0
- mindspore/ops/extend/math_func.py +76 -0
- mindspore/ops/extend/nn_func.py +308 -0
- mindspore/ops/function/__init__.py +31 -11
- mindspore/ops/function/array_func.py +846 -1735
- mindspore/ops/function/clip_func.py +19 -31
- mindspore/ops/function/debug_func.py +1 -4
- mindspore/ops/function/fft_func.py +31 -0
- mindspore/ops/function/grad/grad_func.py +27 -20
- mindspore/ops/function/image_func.py +27 -21
- mindspore/ops/function/linalg_func.py +35 -68
- mindspore/ops/function/math_func.py +913 -2791
- mindspore/ops/function/nn_func.py +1439 -885
- mindspore/ops/function/other_func.py +6 -7
- mindspore/ops/function/parameter_func.py +5 -93
- mindspore/ops/function/random_func.py +254 -108
- mindspore/ops/function/reshard_func.py +102 -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 +14 -14
- mindspore/ops/functional.py +342 -343
- mindspore/ops/op_info_register.py +16 -43
- mindspore/ops/operations/__init__.py +32 -23
- mindspore/ops/operations/_grad_ops.py +21 -853
- mindspore/ops/operations/_infer_ops.py +19 -0
- mindspore/ops/operations/_inner_ops.py +107 -518
- 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 +108 -2705
- mindspore/ops/operations/comm_ops.py +801 -118
- mindspore/ops/operations/custom_ops.py +61 -120
- mindspore/ops/operations/debug_ops.py +104 -35
- 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 +61 -0
- mindspore/ops/operations/manually_defined/ops_def.py +2016 -0
- mindspore/ops/operations/math_ops.py +572 -4667
- mindspore/ops/operations/nn_ops.py +248 -2162
- mindspore/ops/operations/other_ops.py +53 -45
- mindspore/ops/operations/random_ops.py +4 -53
- mindspore/ops/operations/reshard_ops.py +53 -0
- mindspore/ops/operations/sparse_ops.py +4 -4
- mindspore/ops/primitive.py +204 -103
- mindspore/ops/silent_check.py +5 -5
- mindspore/ops_generate/__init__.py +27 -0
- mindspore/ops_generate/arg_dtype_cast.py +250 -0
- mindspore/ops_generate/arg_handler.py +197 -0
- mindspore/ops_generate/gen_aclnn_implement.py +263 -0
- mindspore/ops_generate/gen_ops.py +1084 -0
- mindspore/ops_generate/gen_ops_inner_prim.py +131 -0
- mindspore/ops_generate/gen_pyboost_func.py +968 -0
- mindspore/ops_generate/gen_utils.py +209 -0
- mindspore/ops_generate/op_proto.py +138 -0
- mindspore/ops_generate/pyboost_utils.py +354 -0
- mindspore/ops_generate/template.py +239 -0
- mindspore/parallel/__init__.py +6 -4
- mindspore/parallel/_auto_parallel_context.py +73 -3
- mindspore/parallel/_cell_wrapper.py +16 -9
- mindspore/parallel/_cost_model_context.py +1 -1
- mindspore/parallel/_dp_allreduce_fusion.py +159 -159
- mindspore/parallel/_parallel_serialization.py +29 -13
- mindspore/parallel/_ps_context.py +1 -1
- mindspore/parallel/_recovery_context.py +1 -1
- mindspore/parallel/_tensor.py +18 -11
- 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 +161 -6
- mindspore/parallel/algo_parameter_config.py +6 -8
- mindspore/parallel/checkpoint_transform.py +191 -32
- mindspore/parallel/cluster/__init__.py +15 -0
- mindspore/parallel/cluster/process_entity/__init__.py +18 -0
- mindspore/parallel/cluster/process_entity/_api.py +344 -0
- mindspore/parallel/cluster/process_entity/_utils.py +126 -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 +152 -0
- mindspore/parallel/shard.py +128 -17
- mindspore/pgodb140.dll +0 -0
- mindspore/pgort140.dll +0 -0
- mindspore/profiler/__init__.py +3 -2
- mindspore/profiler/common/process_pool.py +41 -0
- mindspore/profiler/common/singleton.py +28 -0
- mindspore/profiler/common/util.py +125 -0
- mindspore/profiler/envprofiling.py +2 -2
- mindspore/{_extends/parallel_compile/tbe_compiler → profiler/parser/ascend_analysis}/__init__.py +1 -1
- mindspore/profiler/parser/ascend_analysis/constant.py +53 -0
- mindspore/profiler/parser/ascend_analysis/file_manager.py +159 -0
- mindspore/profiler/parser/ascend_analysis/function_event.py +161 -0
- mindspore/profiler/parser/ascend_analysis/fwk_cann_parser.py +131 -0
- mindspore/profiler/parser/ascend_analysis/fwk_file_parser.py +85 -0
- mindspore/profiler/parser/ascend_analysis/msprof_timeline_parser.py +57 -0
- mindspore/profiler/parser/ascend_analysis/profiler_info_parser.py +116 -0
- mindspore/profiler/parser/ascend_analysis/tlv_decoder.py +86 -0
- mindspore/profiler/parser/ascend_analysis/trace_event_manager.py +68 -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 +147 -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 +296 -133
- mindspore/profiler/parser/base_timeline_generator.py +6 -0
- mindspore/profiler/parser/framework_parser.py +3 -2
- mindspore/profiler/parser/integrator.py +3 -1
- mindspore/profiler/parser/minddata_parser.py +72 -3
- mindspore/profiler/parser/msadvisor_analyzer.py +1 -1
- mindspore/profiler/parser/msadvisor_parser.py +1 -1
- mindspore/profiler/parser/profiler_info.py +16 -1
- mindspore/profiler/profiling.py +445 -190
- mindspore/rewrite/__init__.py +2 -13
- 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} +704 -185
- 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 +6 -14
- mindspore/run_check/run_check.py +1 -1
- mindspore/safeguard/rewrite_obfuscation.py +9 -19
- 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 +6 -5
- mindspore/train/_utils.py +178 -4
- mindspore/train/amp.py +167 -245
- 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 +143 -29
- mindspore/train/callback/_cluster_monitor.py +201 -0
- mindspore/train/callback/_early_stop.py +2 -2
- mindspore/train/callback/_flops_collector.py +238 -0
- mindspore/train/callback/_landscape.py +15 -9
- mindspore/train/callback/_loss_monitor.py +2 -2
- mindspore/train/callback/_mindio_ttp.py +443 -0
- mindspore/train/callback/_on_request_exit.py +2 -2
- mindspore/train/callback/_reduce_lr_on_plateau.py +2 -2
- mindspore/train/callback/_summary_collector.py +7 -7
- mindspore/train/callback/_time_monitor.py +3 -3
- mindspore/train/data_sink.py +6 -5
- mindspore/train/dataset_helper.py +60 -21
- 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/topk.py +2 -2
- mindspore/train/mind_ir_pb2.py +89 -15
- mindspore/train/model.py +290 -60
- mindspore/train/serialization.py +495 -220
- 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/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.3.0.dist-info}/METADATA +3 -3
- mindspore-2.3.0.dist-info/RECORD +1400 -0
- {mindspore-2.2.14.dist-info → mindspore-2.3.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/nn/layer/flash_attention.py +0 -189
- 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/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.3.0.dist-info}/WHEEL +0 -0
- {mindspore-2.2.14.dist-info → mindspore-2.3.0.dist-info}/top_level.txt +0 -0
|
@@ -74,6 +74,11 @@ class TensorOperation:
|
|
|
74
74
|
"""
|
|
75
75
|
Call method.
|
|
76
76
|
"""
|
|
77
|
+
# Check PIL Image with device_target
|
|
78
|
+
if (len(input_tensor_list) == 1 and is_pil(input_tensor_list[0])) and self.device_target == "Ascend":
|
|
79
|
+
raise TypeError("The input PIL Image cannot be executed on Ascend, "
|
|
80
|
+
"you can convert the input to the numpy ndarray type.")
|
|
81
|
+
|
|
77
82
|
# Check if Python implementation of op, or PIL input
|
|
78
83
|
if (self.implementation == Implementation.PY) or \
|
|
79
84
|
(len(input_tensor_list) == 1 and is_pil(input_tensor_list[0]) and getattr(self, '_execute_py', None)):
|
|
@@ -257,50 +262,74 @@ class Compose(CompoundOperation):
|
|
|
257
262
|
``CPU``
|
|
258
263
|
|
|
259
264
|
Examples:
|
|
265
|
+
>>> import numpy as np
|
|
260
266
|
>>> import mindspore.dataset as ds
|
|
261
267
|
>>> import mindspore.dataset.transforms as transforms
|
|
262
268
|
>>> import mindspore.dataset.vision as vision
|
|
269
|
+
>>> from mindspore.dataset.transforms import Relational
|
|
263
270
|
>>>
|
|
271
|
+
>>> # Use the transform in dataset pipeline mode
|
|
264
272
|
>>> # create a dataset that reads all files in dataset_dir with 8 threads
|
|
265
|
-
>>>
|
|
266
|
-
>>>
|
|
273
|
+
>>> data = np.random.randint(0, 255, size=(1, 100, 100, 3)).astype(np.uint8)
|
|
274
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data, ["image"])
|
|
267
275
|
>>>
|
|
268
276
|
>>> # create a list of transformations to be applied to the image data
|
|
269
|
-
>>> transform = transforms.Compose([
|
|
270
|
-
...
|
|
271
|
-
...
|
|
272
|
-
...
|
|
273
|
-
...
|
|
277
|
+
>>> transform = transforms.Compose([
|
|
278
|
+
... vision.RandomHorizontalFlip(0.5),
|
|
279
|
+
... vision.ToTensor(),
|
|
280
|
+
... vision.Normalize((0.491, 0.482, 0.447), (0.247, 0.243, 0.262), is_hwc=False),
|
|
281
|
+
... vision.RandomErasing()])
|
|
274
282
|
>>> # apply the transform to the dataset through dataset.map function
|
|
275
|
-
>>>
|
|
283
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=transform, input_columns=["image"])
|
|
284
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
285
|
+
... print(item["image"].shape, item["image"].dtype)
|
|
286
|
+
... break
|
|
287
|
+
(3, 100, 100) float32
|
|
276
288
|
>>>
|
|
277
289
|
>>> # Compose is also be invoked implicitly, by just passing in a list of ops
|
|
278
290
|
>>> # the above example then becomes:
|
|
279
|
-
>>>
|
|
280
|
-
|
|
291
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data, ["image"])
|
|
292
|
+
>>> transforms_list = [vision.RandomHorizontalFlip(0.5),
|
|
281
293
|
... vision.ToTensor(),
|
|
282
294
|
... vision.Normalize((0.491, 0.482, 0.447), (0.247, 0.243, 0.262), is_hwc=False),
|
|
283
295
|
... vision.RandomErasing()]
|
|
284
296
|
>>>
|
|
285
297
|
>>> # apply the transform to the dataset through dataset.map()
|
|
286
|
-
>>>
|
|
298
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=transforms_list, input_columns=["image"])
|
|
299
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
300
|
+
... print(item["image"].shape, item["image"].dtype)
|
|
301
|
+
... break
|
|
302
|
+
(3, 100, 100) float32
|
|
287
303
|
>>>
|
|
288
304
|
>>> # Certain C++ and Python ops can be combined, but not all of them
|
|
289
305
|
>>> # An example of combined operations
|
|
290
306
|
>>> arr = [0, 1]
|
|
291
|
-
>>>
|
|
307
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(arr, column_names=["cols"], shuffle=False)
|
|
292
308
|
>>> transformed_list = [transforms.OneHot(2),
|
|
293
309
|
... transforms.Mask(transforms.Relational.EQ, 1)]
|
|
294
|
-
>>>
|
|
310
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=transformed_list, input_columns=["cols"])
|
|
311
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
312
|
+
... print(item["cols"].shape, item["cols"].dtype)
|
|
313
|
+
... break
|
|
314
|
+
(2,) bool
|
|
295
315
|
>>>
|
|
296
316
|
>>> # Here is an example of mixing vision ops
|
|
297
|
-
>>>
|
|
298
|
-
>>> op_list=[vision.Decode(),
|
|
299
|
-
... vision.Resize((224, 244)),
|
|
317
|
+
>>> op_list=[vision.Resize((224, 244)),
|
|
300
318
|
... vision.ToPIL(),
|
|
301
319
|
... np.array, # need to convert PIL image to a NumPy array to pass it to C++ operation
|
|
302
320
|
... vision.Resize((24, 24))]
|
|
303
|
-
>>>
|
|
321
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data, ["image"])
|
|
322
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=op_list, input_columns=["image"])
|
|
323
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
324
|
+
... print(item["image"].shape, item["image"].dtype)
|
|
325
|
+
... break
|
|
326
|
+
(24, 24, 3) uint8
|
|
327
|
+
>>>
|
|
328
|
+
>>> # Use the transform in eager mode
|
|
329
|
+
>>> data = np.array([1, 2, 3])
|
|
330
|
+
>>> output = transforms.Compose([transforms.Fill(10), transforms.Mask(Relational.EQ, 100)])(data)
|
|
331
|
+
>>> print(output.shape, output.dtype)
|
|
332
|
+
(3,) bool
|
|
304
333
|
"""
|
|
305
334
|
|
|
306
335
|
@check_random_transform_ops
|
|
@@ -394,14 +423,14 @@ class Compose(CompoundOperation):
|
|
|
394
423
|
|
|
395
424
|
class Concatenate(TensorOperation):
|
|
396
425
|
"""
|
|
397
|
-
|
|
426
|
+
Concatenate data with input array along given axis, only 1D data is supported.
|
|
398
427
|
|
|
399
428
|
Args:
|
|
400
|
-
axis (int, optional):
|
|
401
|
-
prepend (numpy.ndarray, optional): NumPy array to be prepended to the
|
|
402
|
-
Default: ``None
|
|
403
|
-
append (numpy.ndarray, optional): NumPy array to be appended to the
|
|
404
|
-
Default: ``None
|
|
429
|
+
axis (int, optional): The axis along which the arrays will be concatenated. Default: ``0``.
|
|
430
|
+
prepend (numpy.ndarray, optional): NumPy array to be prepended to the input array.
|
|
431
|
+
Default: ``None``, not to prepend array.
|
|
432
|
+
append (numpy.ndarray, optional): NumPy array to be appended to the input array.
|
|
433
|
+
Default: ``None``, not to append array.
|
|
405
434
|
|
|
406
435
|
Raises:
|
|
407
436
|
TypeError: If `axis` is not of type int.
|
|
@@ -412,17 +441,29 @@ class Concatenate(TensorOperation):
|
|
|
412
441
|
``CPU``
|
|
413
442
|
|
|
414
443
|
Examples:
|
|
444
|
+
>>> import numpy as np
|
|
415
445
|
>>> import mindspore.dataset as ds
|
|
416
446
|
>>> import mindspore.dataset.transforms as transforms
|
|
417
|
-
>>> import numpy as np
|
|
418
447
|
>>>
|
|
448
|
+
>>> # Use the transform in dataset pipeline mode
|
|
419
449
|
>>> # concatenate string
|
|
420
|
-
>>> prepend_tensor = np.array(["dw", "df"]
|
|
421
|
-
>>> append_tensor = np.array(["dwsdf", "df"]
|
|
450
|
+
>>> prepend_tensor = np.array(["dw", "df"])
|
|
451
|
+
>>> append_tensor = np.array(["dwsdf", "df"])
|
|
422
452
|
>>> concatenate_op = transforms.Concatenate(0, prepend_tensor, append_tensor)
|
|
423
453
|
>>> data = [["This","is","a","string"]]
|
|
424
|
-
>>>
|
|
425
|
-
>>>
|
|
454
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data)
|
|
455
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=concatenate_op)
|
|
456
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
457
|
+
... print(item["column_0"].shape, item["column_0"].dtype)
|
|
458
|
+
(8,) <U6
|
|
459
|
+
>>>
|
|
460
|
+
>>> # Use the transform in eager mode
|
|
461
|
+
>>> data = np.array([1, 2, 3])
|
|
462
|
+
>>> prepend_tensor = np.array([10, 20])
|
|
463
|
+
>>> append_tensor = np.array([100])
|
|
464
|
+
>>> output = transforms.Concatenate(0, prepend_tensor, append_tensor)(data)
|
|
465
|
+
>>> print(output.shape, output.dtype)
|
|
466
|
+
(6,) int64
|
|
426
467
|
"""
|
|
427
468
|
|
|
428
469
|
@check_concat_type
|
|
@@ -448,8 +489,11 @@ class Duplicate(TensorOperation):
|
|
|
448
489
|
``CPU``
|
|
449
490
|
|
|
450
491
|
Examples:
|
|
492
|
+
>>> import numpy as np
|
|
451
493
|
>>> import mindspore.dataset as ds
|
|
452
494
|
>>> import mindspore.dataset.transforms as transforms
|
|
495
|
+
>>>
|
|
496
|
+
>>> # Use the transform in dataset pipeline mode
|
|
453
497
|
>>> # Data before
|
|
454
498
|
>>> # | x |
|
|
455
499
|
>>> # +---------+
|
|
@@ -460,11 +504,22 @@ class Duplicate(TensorOperation):
|
|
|
460
504
|
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=transforms.Duplicate(),
|
|
461
505
|
... input_columns=["x"],
|
|
462
506
|
... output_columns=["x", "y"])
|
|
507
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
508
|
+
... print(item["x"].shape, item["x"].dtype)
|
|
509
|
+
... print(item["y"].shape, item["y"].dtype)
|
|
510
|
+
(3,) int64
|
|
511
|
+
(3,) int64
|
|
463
512
|
>>> # Data after
|
|
464
513
|
>>> # | x | y |
|
|
465
514
|
>>> # +---------+---------+
|
|
466
515
|
>>> # | [1,2,3] | [1,2,3] |
|
|
467
516
|
>>> # +---------+---------+
|
|
517
|
+
>>>
|
|
518
|
+
>>> # Use the transform in eager mode
|
|
519
|
+
>>> data = [1, 2, 3]
|
|
520
|
+
>>> output = transforms.Duplicate()(data)
|
|
521
|
+
>>> print(np.array(output).shape, np.array(output).dtype)
|
|
522
|
+
(2, 3) int64
|
|
468
523
|
"""
|
|
469
524
|
|
|
470
525
|
def __init__(self):
|
|
@@ -492,10 +547,11 @@ class Fill(TensorOperation):
|
|
|
492
547
|
|
|
493
548
|
|
|
494
549
|
Examples:
|
|
550
|
+
>>> import numpy as np
|
|
495
551
|
>>> import mindspore.dataset as ds
|
|
496
552
|
>>> import mindspore.dataset.transforms as transforms
|
|
497
|
-
>>> import numpy as np
|
|
498
553
|
>>>
|
|
554
|
+
>>> # Use the transform in dataset pipeline mode
|
|
499
555
|
>>> # generate a 1D integer numpy array from 0 to 4
|
|
500
556
|
>>> def generator_1d():
|
|
501
557
|
... for i in range(5):
|
|
@@ -504,7 +560,16 @@ class Fill(TensorOperation):
|
|
|
504
560
|
>>> # [[0], [1], [2], [3], [4]]
|
|
505
561
|
>>> fill_op = transforms.Fill(3)
|
|
506
562
|
>>> generator_dataset = generator_dataset.map(operations=fill_op)
|
|
507
|
-
>>>
|
|
563
|
+
>>> for item in generator_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
564
|
+
... print(item["col1"].shape, item["col1"].dtype)
|
|
565
|
+
... break
|
|
566
|
+
(1,) int64
|
|
567
|
+
>>>
|
|
568
|
+
>>> # Use the transform in eager mode
|
|
569
|
+
>>> data = np.array([1, 2, 3])
|
|
570
|
+
>>> output = transforms.Fill(100)(data)
|
|
571
|
+
>>> print(output.shape, output.dtype)
|
|
572
|
+
(3,) int64
|
|
508
573
|
"""
|
|
509
574
|
|
|
510
575
|
@check_fill_value
|
|
@@ -541,6 +606,8 @@ class Mask(TensorOperation):
|
|
|
541
606
|
>>> import mindspore.dataset as ds
|
|
542
607
|
>>> import mindspore.dataset.transforms as transforms
|
|
543
608
|
>>> from mindspore.dataset.transforms import Relational
|
|
609
|
+
>>>
|
|
610
|
+
>>> # Use the transform in dataset pipeline mode
|
|
544
611
|
>>> # Data before
|
|
545
612
|
>>> # | col |
|
|
546
613
|
>>> # +---------+
|
|
@@ -549,11 +616,20 @@ class Mask(TensorOperation):
|
|
|
549
616
|
>>> data = [[1, 2, 3]]
|
|
550
617
|
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data, ["col"])
|
|
551
618
|
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=transforms.Mask(Relational.EQ, 2))
|
|
619
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
620
|
+
... print(item["col"].shape, item["col"].dtype)
|
|
621
|
+
(3,) bool
|
|
552
622
|
>>> # Data after
|
|
553
623
|
>>> # | col |
|
|
554
624
|
>>> # +--------------------+
|
|
555
625
|
>>> # | [False,True,False] |
|
|
556
626
|
>>> # +--------------------+
|
|
627
|
+
>>>
|
|
628
|
+
>>> # Use the transform in eager mode
|
|
629
|
+
>>> data = [1, 2, 3]
|
|
630
|
+
>>> output = transforms.Mask(Relational.EQ, 2)(data)
|
|
631
|
+
>>> print(output.shape, output.dtype)
|
|
632
|
+
(3,) bool
|
|
557
633
|
"""
|
|
558
634
|
|
|
559
635
|
@check_mask_op_new
|
|
@@ -569,10 +645,10 @@ class Mask(TensorOperation):
|
|
|
569
645
|
|
|
570
646
|
|
|
571
647
|
class OneHot(TensorOperation):
|
|
572
|
-
"""
|
|
648
|
+
r"""
|
|
573
649
|
Apply One-Hot encoding to the input labels.
|
|
574
650
|
|
|
575
|
-
For a 1-D input of shape :math:`(*)`, an output of shape :math:`(*,
|
|
651
|
+
For a 1-D input of shape :math:`(*)`, an output of shape :math:`(*, num\_classes)` will be
|
|
576
652
|
returned, where the elements with index values equal to the input values will be set to 1,
|
|
577
653
|
and the rest will be set to 0. If a label smoothing rate is specified, the element values
|
|
578
654
|
are further smoothed to enhance generalization.
|
|
@@ -594,15 +670,27 @@ class OneHot(TensorOperation):
|
|
|
594
670
|
``CPU``
|
|
595
671
|
|
|
596
672
|
Examples:
|
|
673
|
+
>>> import numpy as np
|
|
597
674
|
>>> import mindspore.dataset as ds
|
|
598
675
|
>>> import mindspore.dataset.transforms as transforms
|
|
599
676
|
>>>
|
|
600
|
-
>>>
|
|
601
|
-
>>>
|
|
677
|
+
>>> # Use the transform in dataset pipeline mode
|
|
678
|
+
>>> data = [1, 2, 3, 4, 5, 6, 7, 8]
|
|
679
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data, ["label"])
|
|
602
680
|
>>>
|
|
603
681
|
>>> # Assume that dataset has 10 classes, thus the label ranges from 0 to 9
|
|
604
682
|
>>> onehot_op = transforms.OneHot(num_classes=10)
|
|
605
|
-
>>>
|
|
683
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=onehot_op, input_columns=["label"])
|
|
684
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
685
|
+
... print(item["label"].shape, item["label"].dtype)
|
|
686
|
+
... break
|
|
687
|
+
(10,) int64
|
|
688
|
+
>>>
|
|
689
|
+
>>> # Use the transform in eager mode
|
|
690
|
+
>>> data = np.array([1, 2, 3])
|
|
691
|
+
>>> output = transforms.OneHot(num_classes=5, smoothing_rate=0)(data)
|
|
692
|
+
>>> print(output.shape, output.dtype)
|
|
693
|
+
(3, 5) int64
|
|
606
694
|
"""
|
|
607
695
|
|
|
608
696
|
@check_one_hot_op
|
|
@@ -638,6 +726,8 @@ class PadEnd(TensorOperation):
|
|
|
638
726
|
Examples:
|
|
639
727
|
>>> import mindspore.dataset as ds
|
|
640
728
|
>>> import mindspore.dataset.transforms as transforms
|
|
729
|
+
>>>
|
|
730
|
+
>>> # Use the transform in dataset pipeline mode
|
|
641
731
|
>>> # Data before
|
|
642
732
|
>>> # | col |
|
|
643
733
|
>>> # +---------+
|
|
@@ -645,13 +735,22 @@ class PadEnd(TensorOperation):
|
|
|
645
735
|
>>> # +---------|
|
|
646
736
|
>>> data = [[1, 2, 3]]
|
|
647
737
|
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data, ["col"])
|
|
648
|
-
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=transforms.PadEnd(pad_shape=[4],
|
|
649
|
-
|
|
738
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=transforms.PadEnd(pad_shape=[4], pad_value=10))
|
|
739
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
740
|
+
... print(item["col"].shape, item["col"].dtype)
|
|
741
|
+
... break
|
|
742
|
+
(4,) int64
|
|
650
743
|
>>> # Data after
|
|
651
744
|
>>> # | col |
|
|
652
745
|
>>> # +------------+
|
|
653
746
|
>>> # | [1,2,3,10] |
|
|
654
747
|
>>> # +------------|
|
|
748
|
+
>>>
|
|
749
|
+
>>> # Use the transform in eager mode
|
|
750
|
+
>>> data = [1, 2, 3]
|
|
751
|
+
>>> output = transforms.PadEnd(pad_shape=[4], pad_value=10)(data)
|
|
752
|
+
>>> print(output.shape, output.dtype)
|
|
753
|
+
(4,) int64
|
|
655
754
|
"""
|
|
656
755
|
|
|
657
756
|
@check_pad_end
|
|
@@ -723,20 +822,36 @@ class RandomApply(CompoundOperation):
|
|
|
723
822
|
``CPU``
|
|
724
823
|
|
|
725
824
|
Examples:
|
|
825
|
+
>>> import numpy as np
|
|
726
826
|
>>> import mindspore.dataset as ds
|
|
727
827
|
>>> import mindspore.dataset.transforms as transforms
|
|
728
828
|
>>> import mindspore.dataset.vision as vision
|
|
729
829
|
>>> from mindspore.dataset.transforms import Compose
|
|
730
830
|
>>>
|
|
831
|
+
>>> # Use the transform in dataset pipeline mode
|
|
832
|
+
>>> seed = ds.config.get_seed()
|
|
833
|
+
>>> ds.config.set_seed(12345)
|
|
731
834
|
>>> transforms_list = [vision.RandomHorizontalFlip(0.5),
|
|
732
835
|
... vision.Normalize((0.491, 0.482, 0.447), (0.247, 0.243, 0.262)),
|
|
733
836
|
... vision.RandomErasing()]
|
|
734
|
-
>>> composed_transform = Compose([
|
|
735
|
-
... transforms.RandomApply(transforms_list, prob=0.6),
|
|
837
|
+
>>> composed_transform = Compose([transforms.RandomApply(transforms_list, prob=0.6),
|
|
736
838
|
... vision.ToTensor()])
|
|
737
839
|
>>>
|
|
738
|
-
>>>
|
|
739
|
-
>>>
|
|
840
|
+
>>> data = np.random.randint(0, 255, size=(1, 100, 100, 3)).astype(np.uint8)
|
|
841
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data, ["image"])
|
|
842
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=composed_transform, input_columns=["image"])
|
|
843
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
844
|
+
... print(item["image"].shape, item["image"].dtype)
|
|
845
|
+
... break
|
|
846
|
+
(3, 100, 100) float32
|
|
847
|
+
>>>
|
|
848
|
+
>>> # Use the transform in eager mode
|
|
849
|
+
>>> data = np.random.randint(0, 255, size=(100, 100, 3)).astype(np.uint8)
|
|
850
|
+
>>> transform = [vision.HsvToRgb(is_hwc=True), vision.Crop((0, 0), 10), vision.ToTensor()]
|
|
851
|
+
>>> output = transforms.RandomApply(transform, prob=1.0)(data)
|
|
852
|
+
>>> print(output.shape, output.dtype)
|
|
853
|
+
(3, 10, 10) float32
|
|
854
|
+
>>> ds.config.set_seed(seed)
|
|
740
855
|
"""
|
|
741
856
|
|
|
742
857
|
@check_random_transform_ops
|
|
@@ -763,10 +878,10 @@ class RandomApply(CompoundOperation):
|
|
|
763
878
|
|
|
764
879
|
class RandomChoice(CompoundOperation):
|
|
765
880
|
"""
|
|
766
|
-
Randomly select one transform from a list
|
|
881
|
+
Randomly select one transform from a list to apply.
|
|
767
882
|
|
|
768
883
|
Args:
|
|
769
|
-
transforms (list): List of
|
|
884
|
+
transforms (list): List of transforms to be selected from.
|
|
770
885
|
|
|
771
886
|
Raises:
|
|
772
887
|
TypeError: If `transforms` is not of type list.
|
|
@@ -778,21 +893,35 @@ class RandomChoice(CompoundOperation):
|
|
|
778
893
|
``CPU``
|
|
779
894
|
|
|
780
895
|
Examples:
|
|
896
|
+
>>> import numpy as np
|
|
781
897
|
>>> import mindspore.dataset as ds
|
|
782
898
|
>>> import mindspore.dataset.transforms as transforms
|
|
783
899
|
>>> import mindspore.dataset.vision as vision
|
|
784
900
|
>>> from mindspore.dataset.transforms import Compose
|
|
785
901
|
>>>
|
|
902
|
+
>>> # Use the transform in dataset pipeline mode
|
|
903
|
+
>>> seed = ds.config.get_seed()
|
|
904
|
+
>>> ds.config.set_seed(12345)
|
|
786
905
|
>>> transforms_list = [vision.RandomHorizontalFlip(0.5),
|
|
787
906
|
... vision.Normalize((0.491, 0.482, 0.447), (0.247, 0.243, 0.262)),
|
|
788
907
|
... vision.RandomErasing()]
|
|
789
|
-
>>> composed_transform = Compose([
|
|
790
|
-
... transforms.RandomChoice(transforms_list),
|
|
908
|
+
>>> composed_transform = Compose([transforms.RandomChoice(transforms_list),
|
|
791
909
|
... vision.ToTensor()])
|
|
792
910
|
>>>
|
|
793
|
-
>>>
|
|
794
|
-
>>>
|
|
795
|
-
|
|
911
|
+
>>> data = np.random.randint(0, 255, size=(1, 100, 100, 3)).astype(np.uint8)
|
|
912
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data, ["image"])
|
|
913
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=composed_transform, input_columns=["image"])
|
|
914
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
915
|
+
... print(item["image"].shape, item["image"].dtype)
|
|
916
|
+
... break
|
|
917
|
+
(3, 100, 100) float32
|
|
918
|
+
>>>
|
|
919
|
+
>>> # Use the transform in eager mode
|
|
920
|
+
>>> data = np.array([1, 2, 3])
|
|
921
|
+
>>> output = transforms.RandomChoice([transforms.Fill(100)])(data)
|
|
922
|
+
>>> print(output.shape, output.dtype)
|
|
923
|
+
(3,) int64
|
|
924
|
+
>>> ds.config.set_seed(seed)
|
|
796
925
|
"""
|
|
797
926
|
|
|
798
927
|
@check_random_transform_ops
|
|
@@ -834,20 +963,35 @@ class RandomOrder(PyTensorOperation):
|
|
|
834
963
|
``CPU``
|
|
835
964
|
|
|
836
965
|
Examples:
|
|
966
|
+
>>> import numpy as np
|
|
837
967
|
>>> import mindspore.dataset as ds
|
|
838
|
-
>>> import mindspore.dataset.vision as vision
|
|
839
968
|
>>> import mindspore.dataset.transforms as transforms
|
|
840
|
-
>>>
|
|
969
|
+
>>> import mindspore.dataset.vision as vision
|
|
970
|
+
>>> from mindspore.dataset.transforms import Compose, Relational
|
|
841
971
|
>>>
|
|
972
|
+
>>> # Use the transform in dataset pipeline mode
|
|
973
|
+
>>> seed = ds.config.get_seed()
|
|
974
|
+
>>> ds.config.set_seed(12345)
|
|
842
975
|
>>> transforms_list = [vision.RandomHorizontalFlip(0.5),
|
|
843
976
|
... vision.Normalize((0.491, 0.482, 0.447), (0.247, 0.243, 0.262)),
|
|
844
977
|
... vision.RandomErasing()]
|
|
845
|
-
>>> composed_transform = Compose([
|
|
846
|
-
... transforms.RandomOrder(transforms_list),
|
|
978
|
+
>>> composed_transform = Compose([transforms.RandomOrder(transforms_list),
|
|
847
979
|
... vision.ToTensor()])
|
|
848
980
|
>>>
|
|
849
|
-
>>>
|
|
850
|
-
>>>
|
|
981
|
+
>>> data = np.random.randint(0, 255, size=(1, 100, 100, 3)).astype(np.uint8)
|
|
982
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data, ["image"])
|
|
983
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=composed_transform, input_columns=["image"])
|
|
984
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
985
|
+
... print(item["image"].shape, item["image"].dtype)
|
|
986
|
+
... break
|
|
987
|
+
(3, 100, 100) float32
|
|
988
|
+
>>>
|
|
989
|
+
>>> # Use the transform in eager mode
|
|
990
|
+
>>> data = np.array([1, 2, 3])
|
|
991
|
+
>>> output = transforms.RandomOrder([transforms.Mask(Relational.EQ, 100)])(data)
|
|
992
|
+
>>> print(output.shape, output.dtype)
|
|
993
|
+
(3,) bool
|
|
994
|
+
>>> ds.config.set_seed(seed)
|
|
851
995
|
"""
|
|
852
996
|
|
|
853
997
|
@check_random_transform_ops
|
|
@@ -875,12 +1019,12 @@ class Relational(IntEnum):
|
|
|
875
1019
|
|
|
876
1020
|
Available values are as follows:
|
|
877
1021
|
|
|
878
|
-
- Relational.EQ
|
|
879
|
-
- Relational.NE
|
|
880
|
-
- Relational.GT
|
|
881
|
-
- Relational.GE
|
|
882
|
-
- Relational.LT
|
|
883
|
-
- Relational.LE
|
|
1022
|
+
- ``Relational.EQ``: Equal to.
|
|
1023
|
+
- ``Relational.NE``: Not equal to.
|
|
1024
|
+
- ``Relational.GT``: Greater than.
|
|
1025
|
+
- ``Relational.GE``: Greater than or equal to.
|
|
1026
|
+
- ``Relational.LT``: Less than.
|
|
1027
|
+
- ``Relational.LE``: Less than or equal to.
|
|
884
1028
|
"""
|
|
885
1029
|
EQ = 0
|
|
886
1030
|
NE = 1
|
|
@@ -932,15 +1076,16 @@ class Slice(TensorOperation):
|
|
|
932
1076
|
|
|
933
1077
|
Args:
|
|
934
1078
|
slices (Union[int, list[int], slice, Ellipsis]): The desired slice.
|
|
935
|
-
|
|
936
|
-
|
|
937
|
-
|
|
938
|
-
|
|
939
|
-
|
|
940
|
-
|
|
941
|
-
|
|
942
|
-
|
|
943
|
-
|
|
1079
|
+
|
|
1080
|
+
- If the input type is int, it will slice the element with the specified index value.
|
|
1081
|
+
Negative index is also supported.
|
|
1082
|
+
- If the input type is list[int], it will slice all the elements with the specified index values.
|
|
1083
|
+
Negative index is also supported.
|
|
1084
|
+
- If the input type is `slice <https://docs.python.org/3.7/library/functions.html#slice>`_ ,
|
|
1085
|
+
it will slice according to its specified start position, stop position and step size.
|
|
1086
|
+
- If the input type is `Ellipsis <https://docs.python.org/3.7/library/constants.html#Ellipsis>`_ ,
|
|
1087
|
+
all elements will be sliced.
|
|
1088
|
+
- If the input is None, all elements will be sliced.
|
|
944
1089
|
|
|
945
1090
|
Raises:
|
|
946
1091
|
TypeError: If `slices` is not of type Union[int, list[int], slice, Ellipsis].
|
|
@@ -949,8 +1094,11 @@ class Slice(TensorOperation):
|
|
|
949
1094
|
``CPU``
|
|
950
1095
|
|
|
951
1096
|
Examples:
|
|
1097
|
+
>>> import numpy as np
|
|
952
1098
|
>>> import mindspore.dataset as ds
|
|
953
1099
|
>>> import mindspore.dataset.transforms as transforms
|
|
1100
|
+
>>>
|
|
1101
|
+
>>> # Use the transform in dataset pipeline mode
|
|
954
1102
|
>>> # Data before
|
|
955
1103
|
>>> # | col |
|
|
956
1104
|
>>> # +---------+
|
|
@@ -960,11 +1108,21 @@ class Slice(TensorOperation):
|
|
|
960
1108
|
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data, ["col"])
|
|
961
1109
|
>>> # slice indices 1 and 2 only
|
|
962
1110
|
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=transforms.Slice(slice(1,3)))
|
|
1111
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1112
|
+
... print(item["col"].shape, item["col"].dtype)
|
|
1113
|
+
... break
|
|
1114
|
+
(2,) int64
|
|
963
1115
|
>>> # Data after
|
|
964
1116
|
>>> # | col |
|
|
965
1117
|
>>> # +---------+
|
|
966
1118
|
>>> # | [2,3] |
|
|
967
1119
|
>>> # +---------|
|
|
1120
|
+
>>>
|
|
1121
|
+
>>> # Use the transform in eager mode
|
|
1122
|
+
>>> data = np.array([1, 2, 3])
|
|
1123
|
+
>>> output = transforms.Slice(slice(1, 3))(data)
|
|
1124
|
+
>>> print(output.shape, output.dtype)
|
|
1125
|
+
(2,) int64
|
|
968
1126
|
"""
|
|
969
1127
|
|
|
970
1128
|
@check_slice_op
|
|
@@ -998,19 +1156,30 @@ class TypeCast(TensorOperation):
|
|
|
998
1156
|
``CPU`` ``GPU`` ``Ascend``
|
|
999
1157
|
|
|
1000
1158
|
Examples:
|
|
1159
|
+
>>> import numpy as np
|
|
1001
1160
|
>>> import mindspore.dataset as ds
|
|
1002
1161
|
>>> import mindspore.dataset.transforms as transforms
|
|
1003
|
-
>>> import numpy as np
|
|
1004
1162
|
>>> from mindspore import dtype as mstype
|
|
1005
1163
|
>>>
|
|
1164
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1006
1165
|
>>> # Generate 1d int numpy array from 0 - 63
|
|
1007
1166
|
>>> def generator_1d():
|
|
1008
1167
|
... for i in range(64):
|
|
1009
1168
|
... yield (np.array([i]),)
|
|
1010
1169
|
>>>
|
|
1011
|
-
>>>
|
|
1170
|
+
>>> generator_dataset = ds.GeneratorDataset(generator_1d, column_names='col')
|
|
1012
1171
|
>>> type_cast_op = transforms.TypeCast(mstype.int32)
|
|
1013
|
-
>>>
|
|
1172
|
+
>>> generator_dataset = generator_dataset.map(operations=type_cast_op)
|
|
1173
|
+
>>> for item in generator_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1174
|
+
... print(item["col"].shape, item["col"].dtype)
|
|
1175
|
+
... break
|
|
1176
|
+
(1,) int32
|
|
1177
|
+
>>>
|
|
1178
|
+
>>> # Use the transform in eager mode
|
|
1179
|
+
>>> data = np.array([2.71606445312564e-03, 6.3476562564e-03]).astype(np.float64)
|
|
1180
|
+
>>> output = transforms.TypeCast(np.float16)(data)
|
|
1181
|
+
>>> print(output.shape, output.dtype)
|
|
1182
|
+
(2,) float16
|
|
1014
1183
|
"""
|
|
1015
1184
|
|
|
1016
1185
|
@check_type_cast
|
|
@@ -1048,23 +1217,39 @@ class Unique(TensorOperation):
|
|
|
1048
1217
|
``CPU``
|
|
1049
1218
|
|
|
1050
1219
|
Examples:
|
|
1220
|
+
>>> import numpy as np
|
|
1051
1221
|
>>> import mindspore.dataset as ds
|
|
1052
1222
|
>>> import mindspore.dataset.transforms as transforms
|
|
1223
|
+
>>>
|
|
1224
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1053
1225
|
>>> # Data before
|
|
1054
1226
|
>>> # | x |
|
|
1055
1227
|
>>> # +--------------------+
|
|
1056
1228
|
>>> # | [[0,1,2], [1,2,3]] |
|
|
1057
1229
|
>>> # +--------------------+
|
|
1058
1230
|
>>> data = [[[0,1,2], [1,2,3]]]
|
|
1059
|
-
>>>
|
|
1060
|
-
>>>
|
|
1061
|
-
...
|
|
1062
|
-
...
|
|
1231
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data, ["x"])
|
|
1232
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=transforms.Unique(),
|
|
1233
|
+
... input_columns=["x"],
|
|
1234
|
+
... output_columns=["x", "y", "z"])
|
|
1235
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1236
|
+
... print(item["x"].shape, item["y"].shape, item["z"].shape)
|
|
1237
|
+
... print(item["x"].dtype, item["y"].dtype, item["z"].dtype)
|
|
1238
|
+
(4,) (6,) (4,)
|
|
1239
|
+
int64 int32 int32
|
|
1063
1240
|
>>> # Data after
|
|
1064
1241
|
>>> # | x | y |z |
|
|
1065
1242
|
>>> # +---------+-----------------+---------+
|
|
1066
1243
|
>>> # | [0,1,2,3] | [0,1,2,1,2,3] | [1,2,2,1]
|
|
1067
1244
|
>>> # +---------+-----------------+---------+
|
|
1245
|
+
>>>
|
|
1246
|
+
>>> # Use the transform in eager mode
|
|
1247
|
+
>>> data = [[0, -1, -2, -1, 2], [2, -0, 2, 1, -3]]
|
|
1248
|
+
>>> output = transforms.Unique()(data)
|
|
1249
|
+
>>> print(output[0].shape, output[1].shape, output[2].shape)
|
|
1250
|
+
(6,) (10,) (6,)
|
|
1251
|
+
>>> print(output[0].dtype, output[1].dtype, output[2].dtype)
|
|
1252
|
+
int64 int32 int32
|
|
1068
1253
|
"""
|
|
1069
1254
|
|
|
1070
1255
|
def __init__(self):
|
|
@@ -28,12 +28,12 @@ def imshow_det_bbox(image, bboxes, labels, segm=None, class_names=None, score_th
|
|
|
28
28
|
"""Draw an image with given bboxes and class labels (with scores).
|
|
29
29
|
|
|
30
30
|
Args:
|
|
31
|
-
image (numpy.ndarray): The image to be displayed, shaped :math
|
|
31
|
+
image (numpy.ndarray): The image to be displayed, shaped :math:`<C, H, W>` or :math:`<H, W, C>`,
|
|
32
32
|
formatted RGB.
|
|
33
|
-
bboxes (numpy.ndarray): Bounding boxes (with scores), shaped :math
|
|
34
|
-
data should be ordered with
|
|
35
|
-
labels (numpy.ndarray): Labels of bboxes, shaped :math
|
|
36
|
-
segm (numpy.ndarray): The segmentation masks of image in M classes, shaped :math
|
|
33
|
+
bboxes (numpy.ndarray): Bounding boxes (with scores), shaped :math:`<N, 4>` or :math:`<N, 5>`,
|
|
34
|
+
data should be ordered with <N, x, y, w, h>.
|
|
35
|
+
labels (numpy.ndarray): Labels of bboxes, shaped :math:`<N, 1>`.
|
|
36
|
+
segm (numpy.ndarray): The segmentation masks of image in M classes, shaped :math:`<M, H, W>`.
|
|
37
37
|
Default: ``None``.
|
|
38
38
|
class_names (list[str], tuple[str], dict): Names of each class to map label to class name.
|
|
39
39
|
Default: ``None``, only display label.
|
|
@@ -63,10 +63,10 @@ def imshow_det_bbox(image, bboxes, labels, segm=None, class_names=None, score_th
|
|
|
63
63
|
|
|
64
64
|
Raises:
|
|
65
65
|
ImportError: If `opencv-python` is not installed.
|
|
66
|
-
AssertionError: If `image` is not in
|
|
67
|
-
AssertionError: If `bboxes` is not in
|
|
68
|
-
AssertionError: If `labels` is not in
|
|
69
|
-
AssertionError: If `segm` is not in
|
|
66
|
+
AssertionError: If `image` is not in <H, W, C> or <C, H, W> format.
|
|
67
|
+
AssertionError: If `bboxes` is not in <N, 4> or <N, 5> format.
|
|
68
|
+
AssertionError: If `labels` is not in <N, 1> format.
|
|
69
|
+
AssertionError: If `segm` is not in <M, H, W> format.
|
|
70
70
|
AssertionError: If `class_names` is not of type list, tuple or dict.
|
|
71
71
|
AssertionError: If `bbox_color` is not a tuple in format of (B, G, R).
|
|
72
72
|
AssertionError: If `text_color` is not a tuple in format of (B, G, R).
|