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
|
@@ -116,23 +116,33 @@ class AddToken(TextTensorOperation):
|
|
|
116
116
|
>>> import mindspore.dataset as ds
|
|
117
117
|
>>> import mindspore.dataset.text as text
|
|
118
118
|
>>>
|
|
119
|
-
>>>
|
|
119
|
+
>>> # Use the transform in dataset pipeline mode
|
|
120
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=[['a', 'b', 'c', 'd', 'e']], column_names=["text"])
|
|
120
121
|
>>> # Data before
|
|
121
122
|
>>> # | text |
|
|
122
123
|
>>> # +---------------------------+
|
|
123
124
|
>>> # | ['a', 'b', 'c', 'd', 'e'] |
|
|
124
125
|
>>> # +---------------------------+
|
|
125
126
|
>>> add_token_op = text.AddToken(token='TOKEN', begin=True)
|
|
126
|
-
>>>
|
|
127
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=add_token_op)
|
|
128
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
129
|
+
... print(item["text"])
|
|
130
|
+
['TOKEN' 'a' 'b' 'c' 'd' 'e']
|
|
127
131
|
>>> # Data after
|
|
128
132
|
>>> # | text |
|
|
129
133
|
>>> # +---------------------------+
|
|
130
134
|
>>> # | ['TOKEN', 'a', 'b', 'c', 'd', 'e'] |
|
|
131
135
|
>>> # +---------------------------+
|
|
136
|
+
>>>
|
|
137
|
+
>>> # Use the transform in eager mode
|
|
138
|
+
>>> data = ["happy", "birthday", "to", "you"]
|
|
139
|
+
>>> output = text.AddToken(token='TOKEN', begin=True)(data)
|
|
140
|
+
>>> print(output)
|
|
141
|
+
['TOKEN' 'happy' 'birthday' 'to' 'you']
|
|
132
142
|
|
|
133
143
|
Tutorial Examples:
|
|
134
144
|
- `Illustration of text transforms
|
|
135
|
-
<https://www.mindspore.cn/docs/en/
|
|
145
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
136
146
|
"""
|
|
137
147
|
|
|
138
148
|
@check_add_token
|
|
@@ -176,24 +186,40 @@ class JiebaTokenizer(TextTensorOperation):
|
|
|
176
186
|
>>> import mindspore.dataset.text as text
|
|
177
187
|
>>> from mindspore.dataset.text import JiebaMode
|
|
178
188
|
>>>
|
|
179
|
-
>>>
|
|
180
|
-
>>>
|
|
189
|
+
>>> # Use the transform in dataset pipeline mode
|
|
190
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["床前明月光"], column_names=["text"])
|
|
181
191
|
>>>
|
|
182
192
|
>>> # 1) If with_offsets=False, return one data column {["text", dtype=str]}
|
|
183
|
-
>>> jieba_hmm_file
|
|
184
|
-
>>>
|
|
193
|
+
>>> # The paths to jieba_hmm_file and jieba_mp_file can be downloaded directly from the mindspore repository.
|
|
194
|
+
>>> # Refer to https://gitee.com/mindspore/mindspore/blob/master/tests/ut/data/dataset/jiebadict/hmm_model.utf8
|
|
195
|
+
>>> # and https://gitee.com/mindspore/mindspore/blob/master/tests/ut/data/dataset/jiebadict/jieba.dict.utf8
|
|
196
|
+
>>> jieba_hmm_file = "tests/ut/data/dataset/jiebadict/hmm_model.utf8"
|
|
197
|
+
>>> jieba_mp_file = "tests/ut/data/dataset/jiebadict/jieba.dict.utf8"
|
|
185
198
|
>>> tokenizer_op = text.JiebaTokenizer(jieba_hmm_file, jieba_mp_file, mode=JiebaMode.MP, with_offsets=False)
|
|
186
|
-
>>>
|
|
199
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer_op)
|
|
200
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
201
|
+
... print(item["text"])
|
|
202
|
+
['床' '前' '明月光']
|
|
187
203
|
>>>
|
|
188
204
|
>>> # 2) If with_offsets=True, return three columns {["token", dtype=str], ["offsets_start", dtype=uint32],
|
|
189
205
|
>>> # ["offsets_limit", dtype=uint32]}
|
|
206
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["床前明月光"], column_names=["text"])
|
|
190
207
|
>>> tokenizer_op = text.JiebaTokenizer(jieba_hmm_file, jieba_mp_file, mode=JiebaMode.MP, with_offsets=True)
|
|
191
|
-
>>>
|
|
192
|
-
...
|
|
208
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer_op, input_columns=["text"],
|
|
209
|
+
... output_columns=["token", "offsets_start", "offsets_limit"])
|
|
210
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
211
|
+
... print(item["token"], item["offsets_start"], item["offsets_limit"])
|
|
212
|
+
['床' '前' '明月光'] [0 3 6] [ 3 6 15]
|
|
213
|
+
>>>
|
|
214
|
+
>>> # Use the transform in eager mode
|
|
215
|
+
>>> data = "床前明月光"
|
|
216
|
+
>>> output = text.JiebaTokenizer(jieba_hmm_file, jieba_mp_file, mode=JiebaMode.MP)(data)
|
|
217
|
+
>>> print(output)
|
|
218
|
+
['床' '前' '明月光']
|
|
193
219
|
|
|
194
220
|
Tutorial Examples:
|
|
195
221
|
- `Illustration of text transforms
|
|
196
|
-
<https://www.mindspore.cn/docs/en/
|
|
222
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
197
223
|
"""
|
|
198
224
|
|
|
199
225
|
@check_jieba_init
|
|
@@ -362,18 +388,28 @@ class Lookup(TextTensorOperation):
|
|
|
362
388
|
Examples:
|
|
363
389
|
>>> import mindspore.dataset as ds
|
|
364
390
|
>>> import mindspore.dataset.text as text
|
|
391
|
+
>>>
|
|
392
|
+
>>> # Use the transform in dataset pipeline mode
|
|
393
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["with"], column_names=["text"])
|
|
365
394
|
>>> # Load vocabulary from list
|
|
366
|
-
>>> vocab = text.Vocab.from_list([
|
|
395
|
+
>>> vocab = text.Vocab.from_list(["?", "##", "with", "the", "test", "符号"])
|
|
367
396
|
>>> # Use Lookup operation to map tokens to ids
|
|
368
397
|
>>> lookup = text.Lookup(vocab)
|
|
398
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=[lookup])
|
|
399
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
400
|
+
... print(item["text"])
|
|
401
|
+
2
|
|
369
402
|
>>>
|
|
370
|
-
>>>
|
|
371
|
-
>>>
|
|
372
|
-
>>>
|
|
403
|
+
>>> # Use the transform in eager mode
|
|
404
|
+
>>> vocab = text.Vocab.from_list(["?", "##", "with", "the", "test", "符号"])
|
|
405
|
+
>>> data = "with"
|
|
406
|
+
>>> output = text.Lookup(vocab=vocab, unknown_token="test")(data)
|
|
407
|
+
>>> print(output)
|
|
408
|
+
2
|
|
373
409
|
|
|
374
410
|
Tutorial Examples:
|
|
375
411
|
- `Illustration of text transforms
|
|
376
|
-
<https://www.mindspore.cn/docs/en/
|
|
412
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
377
413
|
"""
|
|
378
414
|
|
|
379
415
|
@check_lookup
|
|
@@ -420,21 +456,31 @@ class Ngram(TextTensorOperation):
|
|
|
420
456
|
``CPU``
|
|
421
457
|
|
|
422
458
|
Examples:
|
|
459
|
+
>>> import numpy as np
|
|
423
460
|
>>> import mindspore.dataset as ds
|
|
424
461
|
>>> import mindspore.dataset.text as text
|
|
462
|
+
>>>
|
|
463
|
+
>>> # Use the transform in dataset pipeline mode
|
|
464
|
+
>>> def gen(texts):
|
|
465
|
+
... for line in texts:
|
|
466
|
+
... yield(np.array(line.split(" "), dtype=str),)
|
|
467
|
+
>>> data = ["WildRose Country", "Canada's Ocean Playground", "Land of Living Skies"]
|
|
468
|
+
>>> generator_dataset = ds.GeneratorDataset(gen(data), ["text"])
|
|
425
469
|
>>> ngram_op = text.Ngram(3, separator="-")
|
|
426
|
-
>>>
|
|
427
|
-
>>>
|
|
428
|
-
|
|
470
|
+
>>> generator_dataset = generator_dataset.map(operations=ngram_op)
|
|
471
|
+
>>> for item in generator_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
472
|
+
... print(item["text"])
|
|
473
|
+
... break
|
|
474
|
+
['']
|
|
429
475
|
>>>
|
|
430
|
-
>>> #
|
|
431
|
-
>>>
|
|
432
|
-
>>>
|
|
433
|
-
|
|
476
|
+
>>> # Use the transform in eager mode
|
|
477
|
+
>>> output = ngram_op(data)
|
|
478
|
+
>>> print(output)
|
|
479
|
+
["WildRose Country-Canada's Ocean Playground-Land of Living Skies"]
|
|
434
480
|
|
|
435
481
|
Tutorial Examples:
|
|
436
482
|
- `Illustration of text transforms
|
|
437
|
-
<https://www.mindspore.cn/docs/en/
|
|
483
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
438
484
|
"""
|
|
439
485
|
|
|
440
486
|
@check_ngram
|
|
@@ -463,19 +509,29 @@ class PythonTokenizer:
|
|
|
463
509
|
``CPU``
|
|
464
510
|
|
|
465
511
|
Examples:
|
|
512
|
+
>>> import numpy as np
|
|
466
513
|
>>> import mindspore.dataset as ds
|
|
467
514
|
>>> import mindspore.dataset.text as text
|
|
468
515
|
>>>
|
|
516
|
+
>>> # Use the transform in dataset pipeline mode
|
|
469
517
|
>>> def my_tokenizer(line):
|
|
470
518
|
... return line.split()
|
|
471
519
|
>>>
|
|
472
|
-
>>>
|
|
473
|
-
>>>
|
|
474
|
-
>>>
|
|
520
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['Hello world'], column_names=["text"])
|
|
521
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=text.PythonTokenizer(my_tokenizer))
|
|
522
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
523
|
+
... print(item["text"])
|
|
524
|
+
['Hello' 'world']
|
|
525
|
+
>>>
|
|
526
|
+
>>> # Use the transform in eager mode
|
|
527
|
+
>>> data = np.array('Hello world'.encode())
|
|
528
|
+
>>> output = text.PythonTokenizer(my_tokenizer)(data)
|
|
529
|
+
>>> print(output)
|
|
530
|
+
['Hello' 'world']
|
|
475
531
|
|
|
476
532
|
Tutorial Examples:
|
|
477
533
|
- `Illustration of text transforms
|
|
478
|
-
<https://www.mindspore.cn/docs/en/
|
|
534
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
479
535
|
"""
|
|
480
536
|
|
|
481
537
|
@check_python_tokenizer
|
|
@@ -528,18 +584,30 @@ class SentencePieceTokenizer(TextTensorOperation):
|
|
|
528
584
|
>>> import mindspore.dataset.text as text
|
|
529
585
|
>>> from mindspore.dataset.text import SentencePieceModel, SPieceTokenizerOutType
|
|
530
586
|
>>>
|
|
531
|
-
>>>
|
|
532
|
-
>>>
|
|
533
|
-
|
|
587
|
+
>>> # Use the transform in dataset pipeline mode
|
|
588
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['Hello world'], column_names=["text"])
|
|
589
|
+
>>> # The paths to sentence_piece_vocab_file can be downloaded directly from the mindspore repository. Refer to
|
|
590
|
+
>>> # https://gitee.com/mindspore/mindspore/blob/master/tests/ut/data/dataset/test_sentencepiece/vocab.txt
|
|
591
|
+
>>> sentence_piece_vocab_file = "tests/ut/data/dataset/test_sentencepiece/vocab.txt"
|
|
592
|
+
>>> vocab = text.SentencePieceVocab.from_file([sentence_piece_vocab_file], 512, 0.9995,
|
|
593
|
+
... SentencePieceModel.UNIGRAM, {})
|
|
534
594
|
>>> tokenizer = text.SentencePieceTokenizer(vocab, out_type=SPieceTokenizerOutType.STRING)
|
|
595
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer)
|
|
596
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
597
|
+
... print(item["text"])
|
|
598
|
+
['▁H' 'e' 'l' 'lo' '▁w' 'o' 'r' 'l' 'd']
|
|
535
599
|
>>>
|
|
536
|
-
>>>
|
|
537
|
-
>>>
|
|
538
|
-
>>>
|
|
600
|
+
>>> # Use the transform in eager mode
|
|
601
|
+
>>> data = "Hello world"
|
|
602
|
+
>>> vocab = text.SentencePieceVocab.from_file([sentence_piece_vocab_file], 100, 0.9995,
|
|
603
|
+
... SentencePieceModel.UNIGRAM, {})
|
|
604
|
+
>>> output = text.SentencePieceTokenizer(vocab, out_type=SPieceTokenizerOutType.STRING)(data)
|
|
605
|
+
>>> print(output)
|
|
606
|
+
['▁' 'H' 'e' 'l' 'l' 'o' '▁' 'w' 'o' 'r' 'l' 'd']
|
|
539
607
|
|
|
540
608
|
Tutorial Examples:
|
|
541
609
|
- `Illustration of text transforms
|
|
542
|
-
<https://www.mindspore.cn/docs/en/
|
|
610
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
543
611
|
"""
|
|
544
612
|
|
|
545
613
|
@check_sentence_piece_tokenizer
|
|
@@ -574,13 +642,17 @@ class SlidingWindow(TextTensorOperation):
|
|
|
574
642
|
>>> import mindspore.dataset as ds
|
|
575
643
|
>>> import mindspore.dataset.text as text
|
|
576
644
|
>>>
|
|
577
|
-
>>>
|
|
645
|
+
>>> # Use the transform in dataset pipeline mode
|
|
646
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=[[1, 2, 3, 4, 5]], column_names=["col1"])
|
|
578
647
|
>>> # Data before
|
|
579
648
|
>>> # | col1 |
|
|
580
649
|
>>> # +--------------+
|
|
581
650
|
>>> # | [[1, 2, 3, 4, 5]] |
|
|
582
651
|
>>> # +--------------+
|
|
583
|
-
>>>
|
|
652
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=text.SlidingWindow(3, 0))
|
|
653
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
654
|
+
... print(item["col1"])
|
|
655
|
+
[[1 2 3] [2 3 4] [3 4 5]]
|
|
584
656
|
>>> # Data after
|
|
585
657
|
>>> # | col1 |
|
|
586
658
|
>>> # +--------------+
|
|
@@ -588,10 +660,16 @@ class SlidingWindow(TextTensorOperation):
|
|
|
588
660
|
>>> # | [2, 3, 4], |
|
|
589
661
|
>>> # | [3, 4, 5]] |
|
|
590
662
|
>>> # +--------------+
|
|
663
|
+
>>>
|
|
664
|
+
>>> # Use the transform in eager mode
|
|
665
|
+
>>> data = ["happy", "birthday", "to", "you"]
|
|
666
|
+
>>> output = text.SlidingWindow(2, 0)(data)
|
|
667
|
+
>>> print(output)
|
|
668
|
+
[['happy' 'birthday'] ['birthday' 'to'] ['to' 'you']]
|
|
591
669
|
|
|
592
670
|
Tutorial Examples:
|
|
593
671
|
- `Illustration of text transforms
|
|
594
|
-
<https://www.mindspore.cn/docs/en/
|
|
672
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
595
673
|
"""
|
|
596
674
|
|
|
597
675
|
@check_slidingwindow
|
|
@@ -628,14 +706,23 @@ class ToNumber(TextTensorOperation):
|
|
|
628
706
|
>>> import mindspore.dataset.text as text
|
|
629
707
|
>>> from mindspore import dtype as mstype
|
|
630
708
|
>>>
|
|
631
|
-
>>>
|
|
632
|
-
>>>
|
|
709
|
+
>>> # Use the transform in dataset pipeline mode
|
|
710
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=[["1", "2", "3"]], column_names=["text"])
|
|
633
711
|
>>> to_number_op = text.ToNumber(mstype.int8)
|
|
634
|
-
>>>
|
|
712
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=to_number_op)
|
|
713
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
714
|
+
... print(item["text"])
|
|
715
|
+
[1 2 3]
|
|
716
|
+
>>>
|
|
717
|
+
>>> # Use the transform in eager mode
|
|
718
|
+
>>> data = ["1", "2", "3"]
|
|
719
|
+
>>> output = text.ToNumber(mstype.uint32)(data)
|
|
720
|
+
>>> print(output)
|
|
721
|
+
[1 2 3]
|
|
635
722
|
|
|
636
723
|
Tutorial Examples:
|
|
637
724
|
- `Illustration of text transforms
|
|
638
|
-
<https://www.mindspore.cn/docs/en/
|
|
725
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
639
726
|
"""
|
|
640
727
|
|
|
641
728
|
@check_to_number
|
|
@@ -673,18 +760,30 @@ class ToVectors(TextTensorOperation):
|
|
|
673
760
|
>>> import mindspore.dataset as ds
|
|
674
761
|
>>> import mindspore.dataset.text as text
|
|
675
762
|
>>>
|
|
763
|
+
>>> # Use the transform in dataset pipeline mode
|
|
764
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["happy", "birthday", "to", "you"], column_names=["text"])
|
|
676
765
|
>>> # Load vectors from file
|
|
677
|
-
>>>
|
|
766
|
+
>>> # The paths to vectors_file can be downloaded directly from the mindspore repository. Refer to
|
|
767
|
+
>>> # https://gitee.com/mindspore/mindspore/blob/master/tests/ut/data/dataset/testVectors/vectors.txt
|
|
768
|
+
>>> vectors_file = "tests/ut/data/dataset/testVectors/vectors.txt"
|
|
769
|
+
>>> vectors = text.Vectors.from_file(vectors_file)
|
|
678
770
|
>>> # Use ToVectors operation to map tokens to vectors
|
|
679
771
|
>>> to_vectors = text.ToVectors(vectors)
|
|
772
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=[to_vectors])
|
|
773
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
774
|
+
... print(item["text"])
|
|
775
|
+
... break
|
|
776
|
+
[0. 0. 0. 0. 0. 0.]
|
|
680
777
|
>>>
|
|
681
|
-
>>>
|
|
682
|
-
>>>
|
|
683
|
-
>>>
|
|
778
|
+
>>> # Use the transform in eager mode
|
|
779
|
+
>>> data = ["happy"]
|
|
780
|
+
>>> output = text.ToVectors(vectors)(data)
|
|
781
|
+
>>> print(output)
|
|
782
|
+
[0. 0. 0. 0. 0. 0.]
|
|
684
783
|
|
|
685
784
|
Tutorial Examples:
|
|
686
785
|
- `Illustration of text transforms
|
|
687
|
-
<https://www.mindspore.cn/docs/en/
|
|
786
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
688
787
|
"""
|
|
689
788
|
|
|
690
789
|
@check_to_vectors
|
|
@@ -717,23 +816,34 @@ class Truncate(TextTensorOperation):
|
|
|
717
816
|
>>> import mindspore.dataset as ds
|
|
718
817
|
>>> import mindspore.dataset.text as text
|
|
719
818
|
>>>
|
|
720
|
-
>>>
|
|
819
|
+
>>> # Use the transform in dataset pipeline mode
|
|
820
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=[['a', 'b', 'c', 'd', 'e']], column_names=["text"],
|
|
821
|
+
... shuffle=False)
|
|
721
822
|
>>> # Data before
|
|
722
823
|
>>> # | col1 |
|
|
723
824
|
>>> # +---------------------------+
|
|
724
825
|
>>> # | ['a', 'b', 'c', 'd', 'e'] |
|
|
725
826
|
>>> # +---------------------------+
|
|
726
827
|
>>> truncate = text.Truncate(4)
|
|
727
|
-
>>>
|
|
828
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=truncate, input_columns=["text"])
|
|
829
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
830
|
+
... print(item["text"])
|
|
831
|
+
['a' 'b' 'c' 'd']
|
|
728
832
|
>>> # Data after
|
|
729
833
|
>>> # | col1 |
|
|
730
834
|
>>> # +------------------------+
|
|
731
835
|
>>> # | ['a', 'b', 'c', 'd'] |
|
|
732
836
|
>>> # +------------------------+
|
|
837
|
+
>>>
|
|
838
|
+
>>> # Use the transform in eager mode
|
|
839
|
+
>>> data = ["happy", "birthday", "to", "you"]
|
|
840
|
+
>>> output = text.Truncate(2)(data)
|
|
841
|
+
>>> print(output)
|
|
842
|
+
['happy' 'birthday']
|
|
733
843
|
|
|
734
844
|
Tutorial Examples:
|
|
735
845
|
- `Illustration of text transforms
|
|
736
|
-
<https://www.mindspore.cn/docs/en/
|
|
846
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
737
847
|
"""
|
|
738
848
|
|
|
739
849
|
@check_truncate
|
|
@@ -764,23 +874,34 @@ class TruncateSequencePair(TextTensorOperation):
|
|
|
764
874
|
>>> import mindspore.dataset as ds
|
|
765
875
|
>>> import mindspore.dataset.text as text
|
|
766
876
|
>>>
|
|
767
|
-
>>>
|
|
877
|
+
>>> # Use the transform in dataset pipeline mode
|
|
878
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=([[1, 2, 3]], [[4, 5]]), column_names=["col1", "col2"])
|
|
768
879
|
>>> # Data before
|
|
769
880
|
>>> # | col1 | col2 |
|
|
770
881
|
>>> # +-----------+-----------|
|
|
771
882
|
>>> # | [1, 2, 3] | [4, 5] |
|
|
772
883
|
>>> # +-----------+-----------+
|
|
773
884
|
>>> truncate_sequence_pair_op = text.TruncateSequencePair(max_length=4)
|
|
774
|
-
>>>
|
|
885
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=truncate_sequence_pair_op,
|
|
886
|
+
... input_columns=["col1", "col2"])
|
|
887
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
888
|
+
... print(item["col1"], item["col2"])
|
|
889
|
+
[1 2] [4 5]
|
|
775
890
|
>>> # Data after
|
|
776
891
|
>>> # | col1 | col2 |
|
|
777
892
|
>>> # +-----------+-----------+
|
|
778
893
|
>>> # | [1, 2] | [4, 5] |
|
|
779
894
|
>>> # +-----------+-----------+
|
|
895
|
+
>>>
|
|
896
|
+
>>> # Use the transform in eager mode
|
|
897
|
+
>>> data = [["1", "2", "3"], ["4", "5"]]
|
|
898
|
+
>>> output = text.TruncateSequencePair(4)(*data)
|
|
899
|
+
>>> print(output)
|
|
900
|
+
(array(['1', '2'], dtype='<U1'), array(['4', '5'], dtype='<U1'))
|
|
780
901
|
|
|
781
902
|
Tutorial Examples:
|
|
782
903
|
- `Illustration of text transforms
|
|
783
|
-
<https://www.mindspore.cn/docs/en/
|
|
904
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
784
905
|
"""
|
|
785
906
|
|
|
786
907
|
@check_pair_truncate
|
|
@@ -810,22 +931,41 @@ class UnicodeCharTokenizer(TextTensorOperation):
|
|
|
810
931
|
>>> import mindspore.dataset as ds
|
|
811
932
|
>>> import mindspore.dataset.text as text
|
|
812
933
|
>>>
|
|
813
|
-
>>>
|
|
814
|
-
>>>
|
|
934
|
+
>>> # Use the transform in dataset pipeline mode
|
|
935
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['Welcome To BeiJing!'], column_names=["text"])
|
|
815
936
|
>>>
|
|
816
937
|
>>> # If with_offsets=False, default output one column {["text", dtype=str]}
|
|
817
938
|
>>> tokenizer_op = text.UnicodeCharTokenizer(with_offsets=False)
|
|
818
|
-
>>>
|
|
939
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer_op)
|
|
940
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
941
|
+
... print(item["text"])
|
|
942
|
+
... break
|
|
943
|
+
['W' 'e' 'l' 'c' 'o' 'm' 'e' ' ' ' ' ' ' ' ' ' ' 'T' 'o' ' ' ' ' ' ' 'B' 'e' 'i' 'J' 'i' 'n' 'g' '!']
|
|
819
944
|
>>>
|
|
820
945
|
>>> # If with_offsets=True, then output three columns {["token", dtype=str], ["offsets_start", dtype=uint32],
|
|
821
|
-
>>> #
|
|
946
|
+
>>> # ["offsets_limit", dtype=uint32]}
|
|
822
947
|
>>> tokenizer_op = text.UnicodeCharTokenizer(with_offsets=True)
|
|
823
|
-
>>>
|
|
824
|
-
|
|
948
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['Welcome To BeiJing!'], column_names=["text"])
|
|
949
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer_op, input_columns=["text"],
|
|
950
|
+
... output_columns=["token", "offsets_start", "offsets_limit"])
|
|
951
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
952
|
+
... print(item["token"], item["offsets_start"], item["offsets_limit"])
|
|
953
|
+
['W' 'e' 'l' 'c' 'o' 'm' 'e' ' ' ' ' ' ' ' ' ' ' 'T' 'o' ' ' ' ' ' ' 'B' 'e' 'i' 'J' 'i' 'n' 'g' '!'] [ 0 1 2
|
|
954
|
+
3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24] [ 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15
|
|
955
|
+
16 17 18 19 20 21 22 23 24 25]
|
|
956
|
+
>>>
|
|
957
|
+
>>> # Use the transform in eager mode
|
|
958
|
+
>>> data = 'Welcome To BeiJing!'
|
|
959
|
+
>>> output = text.UnicodeCharTokenizer(with_offsets=True)(data)
|
|
960
|
+
>>> print(output)
|
|
961
|
+
(array(['W', 'e', 'l', 'c', 'o', 'm', 'e', ' ', ' ', ' ', ' ', ' ', 'T', 'o', ' ', ' ', ' ', 'B', 'e', 'i', 'J',
|
|
962
|
+
'i', 'n', 'g', '!'], dtype='<U1'), array([ 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16,
|
|
963
|
+
17, 18, 19, 20, 21, 22, 23, 24], dtype=uint32), array([ 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14,
|
|
964
|
+
15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25], dtype=uint32))
|
|
825
965
|
|
|
826
966
|
Tutorial Examples:
|
|
827
967
|
- `Illustration of text transforms
|
|
828
|
-
<https://www.mindspore.cn/docs/en/
|
|
968
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
829
969
|
"""
|
|
830
970
|
|
|
831
971
|
@check_with_offsets
|
|
@@ -867,8 +1007,10 @@ class WordpieceTokenizer(TextTensorOperation):
|
|
|
867
1007
|
>>> import mindspore.dataset as ds
|
|
868
1008
|
>>> import mindspore.dataset.text as text
|
|
869
1009
|
>>>
|
|
870
|
-
>>>
|
|
871
|
-
>>>
|
|
1010
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1011
|
+
>>> seed = ds.config.get_seed()
|
|
1012
|
+
>>> ds.config.set_seed(12345)
|
|
1013
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["happy", "birthday", "to", "you"], column_names=["text"])
|
|
872
1014
|
>>>
|
|
873
1015
|
>>> vocab_list = ["book", "cholera", "era", "favor", "##ite", "my", "is", "love", "dur", "##ing", "the"]
|
|
874
1016
|
>>> vocab = text.Vocab.from_list(vocab_list)
|
|
@@ -876,19 +1018,36 @@ class WordpieceTokenizer(TextTensorOperation):
|
|
|
876
1018
|
>>> # If with_offsets=False, default output one column {["text", dtype=str]}
|
|
877
1019
|
>>> tokenizer_op = text.WordpieceTokenizer(vocab=vocab, unknown_token='[UNK]',
|
|
878
1020
|
... max_bytes_per_token=100, with_offsets=False)
|
|
879
|
-
>>>
|
|
1021
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer_op)
|
|
1022
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1023
|
+
... print(item["text"])
|
|
1024
|
+
... break
|
|
1025
|
+
['[UNK]']
|
|
880
1026
|
>>>
|
|
881
1027
|
>>> # If with_offsets=True, then output three columns {["token", dtype=str], ["offsets_start", dtype=uint32],
|
|
882
|
-
>>> #
|
|
1028
|
+
>>> # ["offsets_limit", dtype=uint32]}
|
|
1029
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["happy", "birthday", "to", "you"], column_names=["text"])
|
|
883
1030
|
>>> tokenizer_op = text.WordpieceTokenizer(vocab=vocab, unknown_token='[UNK]',
|
|
884
|
-
...
|
|
1031
|
+
... max_bytes_per_token=100, with_offsets=True)
|
|
1032
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer_op, input_columns=["text"],
|
|
1033
|
+
... output_columns=["token", "offsets_start", "offsets_limit"])
|
|
1034
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1035
|
+
... print(item["token"], item["offsets_start"], item["offsets_limit"])
|
|
1036
|
+
... break
|
|
1037
|
+
['[UNK]'] [0] [5]
|
|
885
1038
|
>>>
|
|
886
|
-
>>>
|
|
887
|
-
|
|
1039
|
+
>>> # Use the transform in eager mode
|
|
1040
|
+
>>> data = ["happy", "birthday", "to", "you"]
|
|
1041
|
+
>>> vocab_list = ["book", "cholera", "era", "favor", "**ite", "my", "is", "love", "dur", "**ing", "the"]
|
|
1042
|
+
>>> vocab = text.Vocab.from_list(vocab_list)
|
|
1043
|
+
>>> output = text.WordpieceTokenizer(vocab=vocab, suffix_indicator="y", unknown_token='[UNK]')(data)
|
|
1044
|
+
>>> print(output)
|
|
1045
|
+
['[UNK]' '[UNK]' '[UNK]' '[UNK]']
|
|
1046
|
+
>>> ds.config.set_seed(seed)
|
|
888
1047
|
|
|
889
1048
|
Tutorial Examples:
|
|
890
1049
|
- `Illustration of text transforms
|
|
891
|
-
<https://www.mindspore.cn/docs/en/
|
|
1050
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
892
1051
|
"""
|
|
893
1052
|
|
|
894
1053
|
@check_wordpiece_tokenizer
|
|
@@ -952,8 +1111,8 @@ if platform.system().lower() != 'windows':
|
|
|
952
1111
|
>>> import mindspore.dataset.text as text
|
|
953
1112
|
>>> from mindspore.dataset.text import NormalizeForm
|
|
954
1113
|
>>>
|
|
955
|
-
>>>
|
|
956
|
-
>>>
|
|
1114
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1115
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['Welcome To BeiJing!'], column_names=["text"])
|
|
957
1116
|
>>>
|
|
958
1117
|
>>> # 1) If with_offsets=False, default output one column {["text", dtype=str]}
|
|
959
1118
|
>>> tokenizer_op = text.BasicTokenizer(lower_case=False,
|
|
@@ -961,21 +1120,36 @@ if platform.system().lower() != 'windows':
|
|
|
961
1120
|
... normalization_form=NormalizeForm.NONE,
|
|
962
1121
|
... preserve_unused_token=True,
|
|
963
1122
|
... with_offsets=False)
|
|
964
|
-
>>>
|
|
1123
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer_op)
|
|
1124
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1125
|
+
... print(item["text"])
|
|
1126
|
+
['Welcome' 'To' 'BeiJing' '!']
|
|
1127
|
+
>>>
|
|
965
1128
|
>>> # 2) If with_offsets=True, then output three columns {["token", dtype=str],
|
|
966
1129
|
>>> # ["offsets_start", dtype=uint32],
|
|
967
1130
|
>>> # ["offsets_limit", dtype=uint32]}
|
|
1131
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['Welcome To BeiJing!'], column_names=["text"])
|
|
968
1132
|
>>> tokenizer_op = text.BasicTokenizer(lower_case=False,
|
|
969
1133
|
... keep_whitespace=False,
|
|
970
1134
|
... normalization_form=NormalizeForm.NONE,
|
|
971
1135
|
... preserve_unused_token=True,
|
|
972
1136
|
... with_offsets=True)
|
|
973
|
-
>>>
|
|
974
|
-
...
|
|
1137
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(
|
|
1138
|
+
... operations=tokenizer_op, input_columns=["text"],
|
|
1139
|
+
... output_columns=["token", "offsets_start", "offsets_limit"])
|
|
1140
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1141
|
+
... print(item["token"], item["offsets_start"], item["offsets_limit"])
|
|
1142
|
+
['Welcome' 'To' 'BeiJing' '!'] [ 0 12 17 24] [ 7 14 24 25]
|
|
1143
|
+
>>>
|
|
1144
|
+
>>> # Use the transform in eager mode
|
|
1145
|
+
>>> data = 'Welcome To BeiJing!'
|
|
1146
|
+
>>> output = text.BasicTokenizer()(data)
|
|
1147
|
+
>>> print(output)
|
|
1148
|
+
['Welcome' 'To' 'BeiJing' '!']
|
|
975
1149
|
|
|
976
1150
|
Tutorial Examples:
|
|
977
1151
|
- `Illustration of text transforms
|
|
978
|
-
<https://www.mindspore.cn/docs/en/
|
|
1152
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
979
1153
|
"""
|
|
980
1154
|
|
|
981
1155
|
@check_basic_tokenizer
|
|
@@ -1041,39 +1215,56 @@ if platform.system().lower() != 'windows':
|
|
|
1041
1215
|
``CPU``
|
|
1042
1216
|
|
|
1043
1217
|
Examples:
|
|
1218
|
+
>>> import numpy as np
|
|
1044
1219
|
>>> import mindspore.dataset as ds
|
|
1045
1220
|
>>> import mindspore.dataset.text as text
|
|
1046
1221
|
>>> from mindspore.dataset.text import NormalizeForm
|
|
1047
1222
|
>>>
|
|
1048
|
-
>>>
|
|
1049
|
-
>>>
|
|
1223
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1224
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["床前明月光"], column_names=["text"])
|
|
1050
1225
|
>>>
|
|
1051
1226
|
>>> # 1) If with_offsets=False, default output one column {["text", dtype=str]}
|
|
1052
1227
|
>>> vocab_list = ["床", "前", "明", "月", "光", "疑", "是", "地", "上", "霜", "举", "头", "望", "低",
|
|
1053
|
-
... "思", "故", "乡","繁", "體", "字", "嘿", "哈", "大", "笑", "嘻", "i", "am", "mak",
|
|
1054
|
-
... "make", "small", "mistake", "##s", "during", "work", "##ing", "hour", "
|
|
1055
|
-
... "
|
|
1056
|
-
... "[UNK]", "[PAD]", "[MASK]", "[unused1]", "[unused10]"]
|
|
1228
|
+
... "思", "故", "乡", "繁", "體", "字", "嘿", "哈", "大", "笑", "嘻", "i", "am", "mak",
|
|
1229
|
+
... "make", "small", "mistake", "##s", "during", "work", "##ing", "hour", "+", "/",
|
|
1230
|
+
... "-", "=", "12", "28", "40", "16", " ", "I", "[CLS]", "[SEP]", "[UNK]", "[PAD]", "[MASK]"]
|
|
1057
1231
|
>>> vocab = text.Vocab.from_list(vocab_list)
|
|
1058
1232
|
>>> tokenizer_op = text.BertTokenizer(vocab=vocab, suffix_indicator='##', max_bytes_per_token=100,
|
|
1059
1233
|
... unknown_token='[UNK]', lower_case=False, keep_whitespace=False,
|
|
1060
1234
|
... normalization_form=NormalizeForm.NONE, preserve_unused_token=True,
|
|
1061
1235
|
... with_offsets=False)
|
|
1062
|
-
>>>
|
|
1236
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer_op)
|
|
1237
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1238
|
+
... print(item["text"])
|
|
1239
|
+
['床' '前' '明' '月' '光']
|
|
1240
|
+
>>>
|
|
1063
1241
|
>>> # 2) If with_offsets=True, then output three columns {["token", dtype=str],
|
|
1064
1242
|
>>> # ["offsets_start", dtype=uint32],
|
|
1065
1243
|
>>> # ["offsets_limit", dtype=uint32]}
|
|
1244
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["床前明月光"], column_names=["text"])
|
|
1066
1245
|
>>> tokenizer_op = text.BertTokenizer(vocab=vocab, suffix_indicator='##', max_bytes_per_token=100,
|
|
1067
1246
|
... unknown_token='[UNK]', lower_case=False, keep_whitespace=False,
|
|
1068
1247
|
... normalization_form=NormalizeForm.NONE, preserve_unused_token=True,
|
|
1069
1248
|
... with_offsets=True)
|
|
1070
|
-
>>>
|
|
1071
|
-
...
|
|
1072
|
-
...
|
|
1249
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(
|
|
1250
|
+
... operations=tokenizer_op,
|
|
1251
|
+
... input_columns=["text"],
|
|
1252
|
+
... output_columns=["token", "offsets_start", "offsets_limit"])
|
|
1253
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1254
|
+
... print(item["token"], item["offsets_start"], item["offsets_limit"])
|
|
1255
|
+
['床' '前' '明' '月' '光'] [ 0 3 6 9 12] [ 3 6 9 12 15]
|
|
1256
|
+
>>>
|
|
1257
|
+
>>> # Use the transform in eager mode
|
|
1258
|
+
>>> data = "床前明月光"
|
|
1259
|
+
>>> vocab = text.Vocab.from_list(vocab_list)
|
|
1260
|
+
>>> tokenizer_op = text.BertTokenizer(vocab=vocab)
|
|
1261
|
+
>>> output = tokenizer_op(data)
|
|
1262
|
+
>>> print(output)
|
|
1263
|
+
['床' '前' '明' '月' '光']
|
|
1073
1264
|
|
|
1074
1265
|
Tutorial Examples:
|
|
1075
1266
|
- `Illustration of text transforms
|
|
1076
|
-
<https://www.mindspore.cn/docs/en/
|
|
1267
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
1077
1268
|
"""
|
|
1078
1269
|
|
|
1079
1270
|
@check_bert_tokenizer
|
|
@@ -1115,14 +1306,24 @@ if platform.system().lower() != 'windows':
|
|
|
1115
1306
|
Examples:
|
|
1116
1307
|
>>> import mindspore.dataset as ds
|
|
1117
1308
|
>>> import mindspore.dataset.text as text
|
|
1309
|
+
>>>
|
|
1310
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1311
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['Welcome To BeiJing!'], column_names=["text"])
|
|
1118
1312
|
>>> case_op = text.CaseFold()
|
|
1119
|
-
>>>
|
|
1120
|
-
>>>
|
|
1121
|
-
|
|
1313
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=case_op)
|
|
1314
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1315
|
+
... print(item["text"])
|
|
1316
|
+
welcome to beijing!
|
|
1317
|
+
>>>
|
|
1318
|
+
>>> # Use the transform in eager mode
|
|
1319
|
+
>>> data = 'Welcome To BeiJing!'
|
|
1320
|
+
>>> output = text.CaseFold()(data)
|
|
1321
|
+
>>> print(output)
|
|
1322
|
+
welcome to beijing!
|
|
1122
1323
|
|
|
1123
1324
|
Tutorial Examples:
|
|
1124
1325
|
- `Illustration of text transforms
|
|
1125
|
-
<https://www.mindspore.cn/docs/en/
|
|
1326
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
1126
1327
|
"""
|
|
1127
1328
|
|
|
1128
1329
|
def parse(self):
|
|
@@ -1144,14 +1345,25 @@ if platform.system().lower() != 'windows':
|
|
|
1144
1345
|
>>> import mindspore.dataset as ds
|
|
1145
1346
|
>>> import mindspore.dataset.text as text
|
|
1146
1347
|
>>>
|
|
1348
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1349
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["Welcome to China", "!!!", "ABC"],
|
|
1350
|
+
... column_names=["text"], shuffle=False)
|
|
1147
1351
|
>>> replace_op = text.FilterWikipediaXML()
|
|
1148
|
-
>>>
|
|
1149
|
-
>>>
|
|
1150
|
-
|
|
1352
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=replace_op)
|
|
1353
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1354
|
+
... print(item["text"])
|
|
1355
|
+
... break
|
|
1356
|
+
welcome to china
|
|
1357
|
+
>>>
|
|
1358
|
+
>>> # Use the transform in eager mode
|
|
1359
|
+
>>> data = "Welcome to China"
|
|
1360
|
+
>>> output = replace_op(data)
|
|
1361
|
+
>>> print(output)
|
|
1362
|
+
welcome to china
|
|
1151
1363
|
|
|
1152
1364
|
Tutorial Examples:
|
|
1153
1365
|
- `Illustration of text transforms
|
|
1154
|
-
<https://www.mindspore.cn/docs/en/
|
|
1366
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
1155
1367
|
"""
|
|
1156
1368
|
|
|
1157
1369
|
def parse(self):
|
|
@@ -1181,14 +1393,25 @@ if platform.system().lower() != 'windows':
|
|
|
1181
1393
|
>>> import mindspore.dataset.text as text
|
|
1182
1394
|
>>> from mindspore.dataset.text import NormalizeForm
|
|
1183
1395
|
>>>
|
|
1396
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1397
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["ṩ", "ḍ̇", "q̇", "fi", "2⁵", "ẛ"],
|
|
1398
|
+
... column_names=["text"], shuffle=False)
|
|
1184
1399
|
>>> normalize_op = text.NormalizeUTF8(normalize_form=NormalizeForm.NFC)
|
|
1185
|
-
>>>
|
|
1186
|
-
>>>
|
|
1187
|
-
|
|
1400
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=normalize_op)
|
|
1401
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1402
|
+
... print(item["text"])
|
|
1403
|
+
... break
|
|
1404
|
+
ṩ
|
|
1405
|
+
>>>
|
|
1406
|
+
>>> # Use the transform in eager mode
|
|
1407
|
+
>>> data = ["ṩ", "ḍ̇", "q̇", "fi", "2⁵", "ẛ"]
|
|
1408
|
+
>>> output = text.NormalizeUTF8(NormalizeForm.NFKC)(data)
|
|
1409
|
+
>>> print(output)
|
|
1410
|
+
['ṩ' 'ḍ̇' 'q̇' 'fi' '25' 'ṡ']
|
|
1188
1411
|
|
|
1189
1412
|
Tutorial Examples:
|
|
1190
1413
|
- `Illustration of text transforms
|
|
1191
|
-
<https://www.mindspore.cn/docs/en/
|
|
1414
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
1192
1415
|
"""
|
|
1193
1416
|
|
|
1194
1417
|
def __init__(self, normalize_form=NormalizeForm.NFKC):
|
|
@@ -1230,14 +1453,24 @@ if platform.system().lower() != 'windows':
|
|
|
1230
1453
|
>>> import mindspore.dataset as ds
|
|
1231
1454
|
>>> import mindspore.dataset.text as text
|
|
1232
1455
|
>>>
|
|
1456
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1457
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['apple orange apple orange apple'],
|
|
1458
|
+
... column_names=["text"])
|
|
1233
1459
|
>>> regex_replace = text.RegexReplace('apple', 'orange')
|
|
1234
|
-
>>>
|
|
1235
|
-
>>>
|
|
1236
|
-
|
|
1460
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=regex_replace)
|
|
1461
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1462
|
+
... print(item["text"])
|
|
1463
|
+
orange orange orange orange orange
|
|
1464
|
+
>>>
|
|
1465
|
+
>>> # Use the transform in eager mode
|
|
1466
|
+
>>> data = 'onetwoonetwoone'
|
|
1467
|
+
>>> output = text.RegexReplace(pattern="one", replace="two", replace_all=True)(data)
|
|
1468
|
+
>>> print(output)
|
|
1469
|
+
twotwotwotwotwo
|
|
1237
1470
|
|
|
1238
1471
|
Tutorial Examples:
|
|
1239
1472
|
- `Illustration of text transforms
|
|
1240
|
-
<https://www.mindspore.cn/docs/en/
|
|
1473
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
1241
1474
|
"""
|
|
1242
1475
|
|
|
1243
1476
|
@check_regex_replace
|
|
@@ -1281,24 +1514,42 @@ if platform.system().lower() != 'windows':
|
|
|
1281
1514
|
>>> import mindspore.dataset as ds
|
|
1282
1515
|
>>> import mindspore.dataset.text as text
|
|
1283
1516
|
>>>
|
|
1284
|
-
>>>
|
|
1285
|
-
>>>
|
|
1517
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1518
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['Welcome |, To |, BeiJing!'],
|
|
1519
|
+
... column_names=["text"])
|
|
1286
1520
|
>>>
|
|
1287
1521
|
>>> # 1) If with_offsets=False, default output is one column {["text", dtype=str]}
|
|
1288
1522
|
>>> delim_pattern = r"[ |,]"
|
|
1289
1523
|
>>> tokenizer_op = text.RegexTokenizer(delim_pattern, with_offsets=False)
|
|
1290
|
-
>>>
|
|
1524
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer_op)
|
|
1525
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1526
|
+
... print(item["text"])
|
|
1527
|
+
['Welcome' 'To' 'BeiJing!']
|
|
1291
1528
|
>>>
|
|
1292
1529
|
>>> # 2) If with_offsets=True, then output three columns {["token", dtype=str],
|
|
1293
1530
|
>>> # ["offsets_start", dtype=uint32],
|
|
1294
1531
|
>>> # ["offsets_limit", dtype=uint32]}
|
|
1532
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['Welcome |, To |, BeiJing!'],
|
|
1533
|
+
... column_names=["text"])
|
|
1295
1534
|
>>> tokenizer_op = text.RegexTokenizer(delim_pattern, with_offsets=True)
|
|
1296
|
-
>>>
|
|
1297
|
-
...
|
|
1535
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(
|
|
1536
|
+
... operations=tokenizer_op,
|
|
1537
|
+
... input_columns=["text"],
|
|
1538
|
+
... output_columns=["token", "offsets_start", "offsets_limit"])
|
|
1539
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1540
|
+
... print(item["token"], item["offsets_start"], item["offsets_limit"])
|
|
1541
|
+
['Welcome' 'To' 'BeiJing!'] [ 0 13 21] [ 7 15 29]
|
|
1542
|
+
>>>
|
|
1543
|
+
>>> # Use the transform in eager mode
|
|
1544
|
+
>>> data = 'Welcome To BeiJing!'
|
|
1545
|
+
>>> output = text.RegexTokenizer(delim_pattern="To", keep_delim_pattern="To", with_offsets=True)(data)
|
|
1546
|
+
>>> print(output)
|
|
1547
|
+
(array(['Welcome ', 'To', ' BeiJing!'], dtype='<U12'),
|
|
1548
|
+
array([ 0, 12, 14], dtype=uint32), array([12, 14, 25], dtype=uint32))
|
|
1298
1549
|
|
|
1299
1550
|
Tutorial Examples:
|
|
1300
1551
|
- `Illustration of text transforms
|
|
1301
|
-
<https://www.mindspore.cn/docs/en/
|
|
1552
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
1302
1553
|
"""
|
|
1303
1554
|
|
|
1304
1555
|
@check_regex_tokenizer
|
|
@@ -1335,23 +1586,43 @@ if platform.system().lower() != 'windows':
|
|
|
1335
1586
|
>>> import mindspore.dataset as ds
|
|
1336
1587
|
>>> import mindspore.dataset.text as text
|
|
1337
1588
|
>>>
|
|
1338
|
-
>>>
|
|
1339
|
-
>>>
|
|
1589
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1590
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["北 京", "123", "欢 迎", "你"],
|
|
1591
|
+
... column_names=["text"], shuffle=False)
|
|
1340
1592
|
>>>
|
|
1341
1593
|
>>> # 1) If with_offsets=False, default output one column {["text", dtype=str]}
|
|
1342
1594
|
>>> tokenizer_op = text.UnicodeScriptTokenizer(keep_whitespace=True, with_offsets=False)
|
|
1343
|
-
>>>
|
|
1595
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer_op)
|
|
1596
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1597
|
+
... print(item["text"])
|
|
1598
|
+
... break
|
|
1599
|
+
['北' ' ' '京']
|
|
1344
1600
|
>>>
|
|
1345
1601
|
>>> # 2) If with_offsets=True, then output three columns {["token", dtype=str],
|
|
1346
1602
|
>>> # ["offsets_start", dtype=uint32],
|
|
1347
1603
|
>>> # ["offsets_limit", dtype=uint32]}
|
|
1604
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=["北 京", "123", "欢 迎", "你"],
|
|
1605
|
+
... column_names=["text"], shuffle=False)
|
|
1348
1606
|
>>> tokenizer_op = text.UnicodeScriptTokenizer(keep_whitespace=True, with_offsets=True)
|
|
1349
|
-
>>>
|
|
1350
|
-
...
|
|
1607
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(
|
|
1608
|
+
... operations=tokenizer_op,
|
|
1609
|
+
... input_columns=["text"],
|
|
1610
|
+
... output_columns=["token", "offsets_start", "offsets_limit"])
|
|
1611
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1612
|
+
... print(item["token"], item["offsets_start"], item["offsets_limit"])
|
|
1613
|
+
... break
|
|
1614
|
+
['北' ' ' '京'] [0 3 4] [3 4 7]
|
|
1615
|
+
>>>
|
|
1616
|
+
>>> # Use the transform in eager mode
|
|
1617
|
+
>>> data = "北 京"
|
|
1618
|
+
>>> unicode_script_tokenizer_op = text.UnicodeScriptTokenizer(keep_whitespace=True, with_offsets=False)
|
|
1619
|
+
>>> output = unicode_script_tokenizer_op(data)
|
|
1620
|
+
>>> print(output)
|
|
1621
|
+
['北' ' ' '京']
|
|
1351
1622
|
|
|
1352
1623
|
Tutorial Examples:
|
|
1353
1624
|
- `Illustration of text transforms
|
|
1354
|
-
<https://www.mindspore.cn/docs/en/
|
|
1625
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
1355
1626
|
|
|
1356
1627
|
"""
|
|
1357
1628
|
|
|
@@ -1388,23 +1659,39 @@ if platform.system().lower() != 'windows':
|
|
|
1388
1659
|
>>> import mindspore.dataset as ds
|
|
1389
1660
|
>>> import mindspore.dataset.text as text
|
|
1390
1661
|
>>>
|
|
1391
|
-
>>>
|
|
1392
|
-
>>>
|
|
1662
|
+
>>> # Use the transform in dataset pipeline mode
|
|
1663
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['Welcome To BeiJing!'], column_names=["text"])
|
|
1393
1664
|
>>>
|
|
1394
1665
|
>>> # 1) If with_offsets=False, default output one column {["text", dtype=str]}
|
|
1395
1666
|
>>> tokenizer_op = text.WhitespaceTokenizer(with_offsets=False)
|
|
1396
|
-
>>>
|
|
1667
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(operations=tokenizer_op)
|
|
1668
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1669
|
+
... print(item["text"])
|
|
1670
|
+
['Welcome' 'To' 'BeiJing!']
|
|
1397
1671
|
>>>
|
|
1398
1672
|
>>> # 2) If with_offsets=True, then output three columns {["token", dtype=str],
|
|
1399
|
-
>>> #
|
|
1400
|
-
>>> #
|
|
1673
|
+
>>> # ["offsets_start", dtype=uint32],
|
|
1674
|
+
>>> # ["offsets_limit", dtype=uint32]}
|
|
1675
|
+
>>> numpy_slices_dataset = ds.NumpySlicesDataset(data=['Welcome To BeiJing!'], column_names=["text"])
|
|
1401
1676
|
>>> tokenizer_op = text.WhitespaceTokenizer(with_offsets=True)
|
|
1402
|
-
>>>
|
|
1403
|
-
...
|
|
1677
|
+
>>> numpy_slices_dataset = numpy_slices_dataset.map(
|
|
1678
|
+
... operations=tokenizer_op,
|
|
1679
|
+
... input_columns=["text"],
|
|
1680
|
+
... output_columns=["token", "offsets_start", "offsets_limit"])
|
|
1681
|
+
>>> for item in numpy_slices_dataset.create_dict_iterator(num_epochs=1, output_numpy=True):
|
|
1682
|
+
... print(item["token"], item["offsets_start"], item["offsets_limit"])
|
|
1683
|
+
['Welcome' 'To' 'BeiJing!'] [ 0 12 17] [ 7 14 25]
|
|
1684
|
+
>>>
|
|
1685
|
+
>>> # Use the transform in eager mode
|
|
1686
|
+
>>> data = 'Welcome To BeiJing!'
|
|
1687
|
+
>>> output = text.WhitespaceTokenizer(with_offsets=True)(data)
|
|
1688
|
+
>>> print(output)
|
|
1689
|
+
(array(['Welcome', 'To', 'BeiJing!'], dtype='<U8'), array([ 0, 12, 17], dtype=uint32),
|
|
1690
|
+
array([ 7, 14, 25], dtype=uint32))
|
|
1404
1691
|
|
|
1405
1692
|
Tutorial Examples:
|
|
1406
1693
|
- `Illustration of text transforms
|
|
1407
|
-
<https://www.mindspore.cn/docs/en/
|
|
1694
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/text_gallery.html>`_
|
|
1408
1695
|
"""
|
|
1409
1696
|
|
|
1410
1697
|
@check_with_offsets
|