mindspore 2.1.0__cp38-none-any.whl → 2.2.10__cp38-none-any.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/__init__.py +4 -1
- mindspore/_akg/akg/build_module.py +5 -6
- mindspore/_akg/akg/composite/build_module.py +46 -19
- mindspore/_akg/akg/composite/split_stitch.py +10 -11
- mindspore/_akg/akg/ms/info_version_adapt.py +67 -1
- mindspore/_akg/akg/tvm/api.py +4 -3
- mindspore/_akg/akg/tvm/autotvm/__init__.py +1 -2
- mindspore/_akg/akg/tvm/autotvm/graph_tuner/base_graph_tuner.py +1 -5
- mindspore/_akg/akg/tvm/autotvm/measure/__init__.py +1 -1
- mindspore/_akg/akg/tvm/autotvm/measure/measure.py +1 -10
- mindspore/_akg/akg/tvm/autotvm/measure/measure_methods.py +1 -372
- mindspore/_akg/akg/tvm/build_module.py +16 -1
- mindspore/_akg/akg/tvm/contrib/graph_runtime.py +0 -53
- mindspore/_akg/akg/tvm/hybrid/parser.py +7 -6
- mindspore/_akg/akg/tvm/ir_builder.py +1 -1
- mindspore/_akg/akg/tvm/module.py +1 -2
- mindspore/_akg/akg/tvm/stmt.py +2 -2
- mindspore/_akg/akg/utils/ascend_profilier/__init__.py +0 -0
- mindspore/_akg/akg/utils/ascend_profilier/cann_file_parser.py +76 -0
- mindspore/_akg/akg/utils/ascend_profilier/file_manager.py +56 -0
- mindspore/_akg/akg/utils/ascend_profilier/op_summary_bean.py +23 -0
- mindspore/_akg/akg/utils/ascend_profilier/op_summary_headers.py +8 -0
- mindspore/_akg/akg/utils/ascend_profilier/op_summary_parser.py +42 -0
- mindspore/_akg/akg/utils/ascend_profilier/path_manager.py +65 -0
- mindspore/_akg/akg/utils/composite_op_helper.py +9 -10
- mindspore/_akg/akg/utils/kernel_exec.py +98 -274
- mindspore/_akg/akg/utils/result_analysis.py +4 -24
- mindspore/_akg/akg/utils/tbe_codegen_utils.py +219 -0
- mindspore/_akg/akg/utils/util.py +38 -0
- mindspore/_c_dataengine.cpython-38-aarch64-linux-gnu.so +0 -0
- mindspore/_c_expression.cpython-38-aarch64-linux-gnu.so +0 -0
- mindspore/_c_mindrecord.cpython-38-aarch64-linux-gnu.so +0 -0
- mindspore/_check_jit_forbidden_api.py +3 -1
- mindspore/_checkparam.py +23 -29
- mindspore/_extends/graph_kernel/__init__.py +0 -1
- mindspore/_extends/graph_kernel/model/graph_split.py +84 -76
- mindspore/_extends/graph_kernel/model/model_builder.py +9 -50
- mindspore/_extends/graph_kernel/splitter.py +4 -11
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +122 -15
- mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +84 -67
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +4 -2
- mindspore/_extends/parallel_compile/akg_compiler/util.py +10 -7
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +2 -2
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +6 -5
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job.py +1 -1
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +1 -1
- mindspore/_extends/parse/__init__.py +12 -15
- mindspore/_extends/parse/namespace.py +7 -33
- mindspore/_extends/parse/parser.py +61 -71
- mindspore/_extends/parse/resources.py +1 -1
- mindspore/_extends/parse/standard_method.py +74 -104
- mindspore/_extends/parse/trope.py +1 -1
- mindspore/_extends/remote/kernel_build_server.py +25 -7
- mindspore/_extends/remote/kernel_build_server_akg_v2.py +55 -0
- mindspore/_install_custom.py +43 -0
- mindspore/_mindspore_offline_debug.cpython-38-aarch64-linux-gnu.so +0 -0
- mindspore/amp.py +47 -11
- mindspore/bin/cache_admin +0 -0
- mindspore/bin/cache_server +0 -0
- mindspore/boost/boost.py +1 -8
- mindspore/boost/boost_cell_wrapper.py +3 -2
- mindspore/boost/grad_accumulation.py +1 -1
- mindspore/boost/group_loss_scale_manager.py +8 -7
- mindspore/common/__init__.py +5 -3
- mindspore/common/_jit_fallback_utils.py +6 -0
- mindspore/common/_register_for_adapter.py +2 -0
- mindspore/common/_register_for_tensor.py +2 -2
- mindspore/common/_stub_tensor.py +13 -0
- mindspore/common/_utils.py +13 -0
- mindspore/common/api.py +174 -259
- mindspore/common/auto_dynamic_shape.py +494 -0
- mindspore/common/dtype.py +18 -11
- mindspore/common/dump.py +6 -4
- mindspore/common/initializer.py +14 -14
- mindspore/common/jit_config.py +33 -15
- mindspore/common/lazy_inline.py +126 -7
- mindspore/common/mindir_util.py +101 -0
- mindspore/common/parameter.py +51 -41
- mindspore/common/seed.py +4 -4
- mindspore/common/sparse_tensor.py +13 -14
- mindspore/common/tensor.py +243 -165
- mindspore/communication/__init__.py +7 -4
- mindspore/communication/_comm_helper.py +83 -4
- mindspore/communication/management.py +152 -84
- mindspore/config/op_info.config +14 -3
- mindspore/config/super_bar_config.json +4 -2
- mindspore/context.py +152 -61
- mindspore/dataset/__init__.py +5 -5
- mindspore/dataset/audio/__init__.py +2 -2
- mindspore/dataset/audio/transforms.py +52 -52
- mindspore/dataset/callback/ds_callback.py +16 -2
- mindspore/dataset/core/config.py +68 -51
- mindspore/dataset/engine/cache_client.py +28 -5
- mindspore/dataset/engine/datasets.py +250 -112
- mindspore/dataset/engine/datasets_audio.py +43 -211
- mindspore/dataset/engine/datasets_standard_format.py +16 -35
- mindspore/dataset/engine/datasets_text.py +43 -67
- mindspore/dataset/engine/datasets_user_defined.py +86 -100
- mindspore/dataset/engine/datasets_vision.py +219 -1029
- mindspore/dataset/engine/iterators.py +11 -4
- mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +4 -0
- mindspore/dataset/engine/obs/util.py +3 -0
- mindspore/dataset/engine/samplers.py +1 -1
- mindspore/dataset/engine/validators.py +19 -5
- mindspore/dataset/text/__init__.py +3 -3
- mindspore/dataset/text/transforms.py +101 -127
- mindspore/dataset/text/utils.py +205 -138
- mindspore/dataset/transforms/__init__.py +1 -1
- mindspore/dataset/transforms/py_transforms_util.py +40 -12
- mindspore/dataset/transforms/transforms.py +95 -40
- mindspore/dataset/utils/browse_dataset.py +8 -2
- mindspore/dataset/utils/line_reader.py +17 -19
- mindspore/dataset/vision/__init__.py +3 -3
- mindspore/dataset/vision/c_transforms.py +6 -3
- mindspore/dataset/vision/transforms.py +409 -287
- mindspore/dataset/vision/utils.py +13 -14
- mindspore/dataset/vision/validators.py +11 -1
- mindspore/experimental/map_parameter.py +14 -0
- mindspore/{nn/optim_ex → experimental/optim}/__init__.py +30 -29
- mindspore/{nn/optim_ex → experimental/optim}/adam.py +60 -67
- mindspore/{nn/optim_ex → experimental/optim}/adamw.py +181 -203
- mindspore/experimental/optim/lr_scheduler.py +1427 -0
- mindspore/{nn/optim_ex → experimental/optim}/optimizer.py +252 -259
- mindspore/{nn/optim_ex → experimental/optim}/sgd.py +147 -152
- mindspore/gen_ops.py +273 -0
- mindspore/include/OWNERS +0 -1
- mindspore/include/api/data_type.h +2 -1
- mindspore/include/api/graph.h +0 -15
- mindspore/include/api/kernel.h +2 -0
- mindspore/include/api/kernel_api.h +37 -12
- mindspore/include/api/model.h +17 -14
- mindspore/include/api/status.h +8 -3
- mindspore/include/api/types.h +37 -4
- mindspore/include/c_api/ms/abstract.h +67 -0
- mindspore/include/c_api/ms/attribute.h +197 -0
- mindspore/include/c_api/ms/base/handle_types.h +43 -0
- mindspore/include/c_api/ms/base/macros.h +32 -0
- mindspore/include/c_api/ms/base/status.h +33 -0
- mindspore/include/c_api/ms/base/types.h +282 -0
- mindspore/include/c_api/ms/context.h +102 -0
- mindspore/include/c_api/ms/graph.h +160 -0
- mindspore/include/c_api/ms/node.h +606 -0
- mindspore/include/c_api/ms/tensor.h +161 -0
- mindspore/include/c_api/ms/value.h +84 -0
- mindspore/include/dataset/constants.h +6 -5
- mindspore/include/dataset/execute.h +23 -13
- mindspore/include/dataset/text.h +26 -26
- mindspore/include/dataset/transforms.h +13 -13
- mindspore/include/dataset/vision.h +60 -60
- mindspore/include/dataset/vision_ascend.h +5 -6
- mindspore/include/dataset/vision_lite.h +17 -17
- mindspore/include/mindapi/base/type_id.h +1 -0
- mindspore/include/mindapi/base/types.h +1 -0
- mindspore/lib/libdnnl.so.2 +0 -0
- mindspore/lib/libjemalloc.so.2 +0 -0
- mindspore/lib/libmindspore.so +0 -0
- mindspore/lib/libmindspore_backend.so +0 -0
- mindspore/lib/libmindspore_common.so +0 -0
- mindspore/lib/libmindspore_core.so +0 -0
- mindspore/lib/libmindspore_glog.so.0 +0 -0
- mindspore/lib/libmindspore_gpr.so.15 +0 -0
- mindspore/lib/libmindspore_grpc++.so.1 +0 -0
- mindspore/lib/libmindspore_grpc.so.15 +0 -0
- mindspore/lib/libmindspore_shared_lib.so +0 -0
- mindspore/lib/libnnacl.so +0 -0
- mindspore/lib/libopencv_core.so.4.5 +0 -0
- mindspore/lib/libopencv_imgcodecs.so.4.5 +0 -0
- mindspore/lib/libopencv_imgproc.so.4.5 +0 -0
- mindspore/lib/libps_cache.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/config/ascend310/aic-ascend310-ops-info.json +123 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/config/ascend310p/aic-ascend310p-ops-info.json +123 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/config/ascend910/aic-ascend910-ops-info.json +158 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/config/ascend910b/aic-ascend910b-ops-info.json +37 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/add_dsl.py +46 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/add_tik.py +51 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/kv_cache_mgr.py +241 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/ai_core/tbe/custom_aicore_ops_impl/matmul_tik.py +212 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/vector_core/tbe/custom_aicore_ops_impl/add_dsl.py +46 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/vector_core/tbe/custom_aicore_ops_impl/add_tik.py +51 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/vector_core/tbe/custom_aicore_ops_impl/kv_cache_mgr.py +241 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_impl/vector_core/tbe/custom_aicore_ops_impl/matmul_tik.py +212 -0
- mindspore/lib/plugin/ascend/custom_aicore_ops/op_proto/libop_proto.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_aicpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_cpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/config/cust_aicpu_kernel.json +8928 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_proto/libcust_op_proto.so +0 -0
- mindspore/lib/plugin/ascend/libakg.so +0 -0
- mindspore/lib/plugin/ascend/libascend_collective.so +0 -0
- mindspore/lib/plugin/ascend/libdvpp_utils.so +0 -0
- mindspore/lib/plugin/ascend/libhccl_plugin.so +0 -0
- mindspore/lib/plugin/ascend/libmindspore_aicpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/libmindspore_cpu_kernels.so +0 -0
- mindspore/lib/plugin/cpu/libakg.so +0 -0
- mindspore/lib/plugin/libmindspore_ascend.so.1 +0 -0
- mindspore/lib/plugin/libmindspore_ascend.so.2 +0 -0
- mindspore/mindrecord/tools/imagenet_to_mr.py +1 -1
- mindspore/mindrecord/tools/mnist_to_mr.py +2 -2
- mindspore/nn/__init__.py +0 -2
- mindspore/nn/cell.py +313 -74
- mindspore/nn/dynamic_lr.py +21 -21
- mindspore/nn/layer/activation.py +22 -30
- mindspore/nn/layer/basic.py +15 -13
- mindspore/nn/layer/channel_shuffle.py +1 -1
- mindspore/nn/layer/container.py +271 -9
- mindspore/nn/layer/conv.py +323 -204
- mindspore/nn/layer/dense.py +8 -5
- mindspore/nn/layer/embedding.py +33 -27
- mindspore/nn/layer/flash_attention.py +141 -88
- mindspore/nn/layer/image.py +8 -6
- mindspore/nn/layer/math.py +16 -25
- mindspore/nn/layer/normalization.py +107 -66
- mindspore/nn/layer/padding.py +1 -1
- mindspore/nn/layer/pooling.py +131 -109
- mindspore/nn/layer/rnn_cells.py +27 -22
- mindspore/nn/layer/rnns.py +13 -16
- mindspore/nn/layer/thor_layer.py +1 -1
- mindspore/nn/layer/transformer.py +221 -154
- mindspore/nn/learning_rate_schedule.py +9 -1
- mindspore/nn/loss/loss.py +235 -174
- mindspore/nn/optim/ada_grad.py +2 -1
- mindspore/nn/optim/adadelta.py +1 -0
- mindspore/nn/optim/adafactor.py +2 -1
- mindspore/nn/optim/adam.py +7 -4
- mindspore/nn/optim/adamax.py +3 -2
- mindspore/nn/optim/adasum.py +2 -2
- mindspore/nn/optim/asgd.py +2 -3
- mindspore/nn/optim/ftrl.py +6 -5
- mindspore/nn/optim/lamb.py +7 -4
- mindspore/nn/optim/lars.py +1 -1
- mindspore/nn/optim/lazyadam.py +5 -3
- mindspore/nn/optim/momentum.py +2 -1
- mindspore/nn/optim/optimizer.py +53 -4
- mindspore/nn/optim/proximal_ada_grad.py +3 -4
- mindspore/nn/optim/rmsprop.py +4 -3
- mindspore/nn/optim/rprop.py +23 -12
- mindspore/nn/optim/sgd.py +26 -11
- mindspore/nn/optim/thor.py +9 -7
- mindspore/nn/probability/bijector/bijector.py +5 -5
- mindspore/nn/probability/bijector/power_transform.py +27 -27
- mindspore/nn/probability/bijector/softplus.py +3 -3
- mindspore/nn/probability/distribution/_utils/custom_ops.py +3 -3
- mindspore/nn/probability/distribution/bernoulli.py +5 -5
- mindspore/nn/probability/distribution/beta.py +3 -3
- mindspore/nn/probability/distribution/categorical.py +7 -7
- mindspore/nn/probability/distribution/cauchy.py +0 -1
- mindspore/nn/probability/distribution/distribution.py +3 -3
- mindspore/nn/probability/distribution/gamma.py +3 -3
- mindspore/nn/probability/distribution/geometric.py +4 -4
- mindspore/nn/probability/distribution/gumbel.py +4 -4
- mindspore/nn/probability/distribution/log_normal.py +2 -2
- mindspore/nn/probability/distribution/logistic.py +2 -2
- mindspore/nn/probability/distribution/poisson.py +4 -4
- mindspore/nn/probability/distribution/transformed_distribution.py +3 -3
- mindspore/nn/probability/distribution/uniform.py +6 -6
- mindspore/nn/wrap/cell_wrapper.py +84 -34
- mindspore/nn/wrap/grad_reducer.py +8 -5
- mindspore/nn/wrap/loss_scale.py +105 -42
- mindspore/numpy/array_creations.py +1 -2
- mindspore/numpy/array_ops.py +3 -2
- mindspore/numpy/utils_const.py +5 -5
- mindspore/offline_debug/convert_async.py +2 -2
- mindspore/ops/_grad_experimental/__init__.py +0 -5
- mindspore/ops/_grad_experimental/grad_array_ops.py +2 -3
- mindspore/ops/_grad_experimental/grad_comm_ops.py +15 -2
- mindspore/ops/_grad_experimental/grad_debug_ops.py +0 -37
- mindspore/ops/_grad_experimental/grad_implementations.py +11 -1
- mindspore/ops/_grad_experimental/grad_inner_ops.py +2 -216
- mindspore/ops/_grad_experimental/grad_math_ops.py +19 -199
- mindspore/ops/_grad_experimental/grad_sparse.py +15 -0
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +3 -3
- mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/flash_attention/attention.py +165 -109
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_bwd.py +144 -86
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_fwd.py +172 -187
- mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_impl.py +51 -57
- mindspore/ops/_op_impl/_custom_op/flash_attention/tik_ops_utils.py +6 -17
- mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/wukong_tiling.py +1 -1
- mindspore/ops/_op_impl/aicpu/__init__.py +14 -2
- mindspore/ops/_op_impl/aicpu/add.py +3 -3
- mindspore/ops/_op_impl/aicpu/bias_add_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/count_nonzero.py +43 -0
- mindspore/ops/_op_impl/aicpu/eps.py +32 -0
- mindspore/ops/_op_impl/aicpu/gamma.py +2 -2
- mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +6 -3
- mindspore/ops/_op_impl/aicpu/lu_unpack_grad.py +0 -1
- mindspore/ops/_op_impl/aicpu/multinomial.py +3 -3
- mindspore/ops/_op_impl/aicpu/parameterized_truncated_normal.py +15 -7
- mindspore/ops/_op_impl/aicpu/random_categorical.py +39 -19
- mindspore/ops/_op_impl/aicpu/random_choice_with_mask.py +5 -2
- mindspore/ops/_op_impl/aicpu/random_poisson.py +103 -52
- mindspore/ops/_op_impl/aicpu/random_shuffle.py +17 -15
- mindspore/ops/_op_impl/aicpu/{sparseaddmm.py → sparse_addmm.py} +2 -2
- mindspore/ops/_op_impl/aicpu/{sparsesparsemaximum.py → sparse_sparse_maximum.py} +4 -4
- mindspore/ops/_op_impl/aicpu/standard_laplace.py +5 -5
- mindspore/ops/_op_impl/aicpu/standard_normal.py +5 -5
- mindspore/ops/_op_impl/aicpu/truncated_normal.py +9 -7
- mindspore/ops/_op_impl/aicpu/uniform.py +5 -3
- mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +8 -4
- mindspore/ops/_op_impl/aicpu/uniform_int.py +5 -5
- mindspore/ops/_op_impl/aicpu/uniform_real.py +4 -4
- mindspore/ops/_op_impl/tbe/__init__.py +4 -4
- mindspore/ops/_op_impl/tbe/inplace_index_add.py +7 -3
- mindspore/ops/_op_impl/tbe/trans_data_ds.py +2 -0
- mindspore/ops/_primitive_cache.py +1 -1
- mindspore/ops/_tracefunc.py +45 -13
- mindspore/ops/_utils/utils.py +6 -1
- mindspore/ops/_vmap/vmap_array_ops.py +3 -3
- mindspore/ops/_vmap/vmap_base.py +3 -3
- mindspore/ops/_vmap/vmap_convolution_ops.py +1 -1
- mindspore/ops/_vmap/vmap_grad_math_ops.py +6 -4
- mindspore/ops/_vmap/vmap_math_ops.py +5 -2
- mindspore/ops/_vmap/vmap_nn_ops.py +61 -7
- mindspore/ops/arg_dtype_cast.py +54 -0
- mindspore/ops/composite/base.py +37 -10
- mindspore/ops/composite/math_ops.py +5 -4
- mindspore/ops/composite/multitype_ops/_compile_utils.py +275 -73
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +16 -9
- mindspore/ops/composite/multitype_ops/add_impl.py +43 -4
- mindspore/ops/composite/multitype_ops/getitem_impl.py +42 -4
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +6 -0
- mindspore/ops/composite/multitype_ops/setitem_impl.py +2 -1
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +9 -0
- mindspore/ops/deprecated.py +304 -0
- mindspore/ops/function/__init__.py +4 -1
- mindspore/ops/function/array_func.py +174 -193
- mindspore/ops/function/clip_func.py +81 -13
- mindspore/ops/function/debug_func.py +1 -1
- mindspore/ops/function/grad/grad_func.py +18 -9
- mindspore/ops/function/image_func.py +10 -4
- mindspore/ops/function/linalg_func.py +5 -5
- mindspore/ops/function/math_func.py +575 -386
- mindspore/ops/function/nn_func.py +568 -260
- mindspore/ops/function/random_func.py +88 -57
- mindspore/ops/function/sparse_func.py +1 -1
- mindspore/ops/function/sparse_unary_func.py +14 -12
- mindspore/ops/function/vmap_func.py +6 -5
- mindspore/ops/functional.py +15 -10
- mindspore/ops/op_info_register.py +244 -25
- mindspore/ops/operations/__init__.py +28 -19
- mindspore/ops/operations/_grad_ops.py +72 -7
- mindspore/ops/operations/_inner_ops.py +350 -17
- mindspore/ops/operations/_quant_ops.py +4 -8
- mindspore/ops/operations/_sequence_ops.py +42 -0
- mindspore/ops/operations/array_ops.py +68 -282
- mindspore/ops/operations/comm_ops.py +107 -59
- mindspore/ops/operations/custom_ops.py +94 -70
- mindspore/ops/operations/debug_ops.py +8 -4
- mindspore/ops/operations/image_ops.py +18 -12
- mindspore/ops/operations/inner_ops.py +26 -3
- mindspore/ops/operations/math_ops.py +189 -141
- mindspore/ops/operations/nn_ops.py +794 -489
- mindspore/ops/operations/other_ops.py +0 -22
- mindspore/ops/operations/random_ops.py +53 -111
- mindspore/ops/operations/sparse_ops.py +3 -1
- mindspore/ops/primitive.py +24 -18
- mindspore/parallel/_auto_parallel_context.py +68 -8
- mindspore/parallel/_cost_model_context.py +2 -2
- mindspore/parallel/_offload_context.py +17 -3
- mindspore/parallel/_parallel_serialization.py +12 -5
- mindspore/parallel/_ps_context.py +12 -0
- mindspore/parallel/_tensor.py +18 -13
- mindspore/parallel/_transformer/layers.py +5 -3
- mindspore/parallel/_transformer/loss.py +1 -0
- mindspore/parallel/_transformer/moe.py +2 -2
- mindspore/parallel/_transformer/op_parallel_config.py +12 -1
- mindspore/parallel/_transformer/transformer.py +23 -3
- mindspore/parallel/_utils.py +11 -7
- mindspore/parallel/algo_parameter_config.py +85 -5
- mindspore/parallel/checkpoint_transform.py +19 -12
- mindspore/parallel/shard.py +21 -14
- mindspore/profiler/common/struct_type.py +3 -3
- mindspore/profiler/common/util.py +4 -2
- mindspore/profiler/envprofiling.py +1 -1
- mindspore/profiler/parser/aicpu_data_parser.py +5 -3
- mindspore/profiler/parser/ascend_flops_generator.py +2 -2
- mindspore/profiler/parser/ascend_fpbp_generator.py +1 -1
- mindspore/profiler/parser/ascend_hccl_generator.py +249 -12
- mindspore/profiler/parser/ascend_msprof_exporter.py +150 -255
- mindspore/profiler/parser/ascend_msprof_generator.py +204 -17
- mindspore/profiler/parser/ascend_op_generator.py +6 -6
- mindspore/profiler/parser/ascend_steptrace_generator.py +6 -4
- mindspore/profiler/parser/ascend_timeline_generator.py +14 -187
- mindspore/profiler/parser/base_timeline_generator.py +10 -8
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +16 -12
- mindspore/profiler/parser/flops_parser.py +15 -11
- mindspore/profiler/parser/framework_parser.py +38 -22
- mindspore/profiler/parser/hccl_parser.py +16 -12
- mindspore/profiler/parser/integrator.py +22 -11
- mindspore/profiler/parser/memory_usage_parser.py +2 -2
- mindspore/profiler/parser/minddata_analyzer.py +12 -14
- mindspore/profiler/parser/minddata_pipeline_parser.py +1 -1
- mindspore/profiler/parser/msadvisor_parser.py +8 -4
- mindspore/profiler/parser/op_intermediate_parser.py +5 -2
- mindspore/profiler/parser/optime_parser.py +1 -1
- mindspore/profiler/parser/profiler_info.py +21 -2
- mindspore/profiler/parser/step_trace_parser.py +11 -14
- mindspore/profiler/profiling.py +179 -89
- mindspore/rewrite/api/node.py +102 -19
- mindspore/rewrite/api/node_type.py +5 -1
- mindspore/rewrite/api/pattern_engine.py +1 -1
- mindspore/rewrite/api/scoped_value.py +9 -17
- mindspore/rewrite/api/symbol_tree.py +131 -47
- mindspore/rewrite/ast_helpers/__init__.py +2 -1
- mindspore/rewrite/ast_helpers/ast_finder.py +129 -0
- mindspore/rewrite/ast_helpers/ast_modifier.py +116 -104
- mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +93 -46
- mindspore/rewrite/common/rewrite_elog.py +5 -1
- mindspore/rewrite/namer.py +33 -24
- mindspore/rewrite/namespace.py +14 -5
- mindspore/{_extends/graph_kernel/expanders/complex → rewrite/node}/__init__.py +9 -9
- mindspore/rewrite/node/call_function.py +79 -0
- mindspore/rewrite/node/cell_container.py +135 -0
- mindspore/rewrite/node/control_flow.py +88 -0
- mindspore/rewrite/{node.py → node/node.py} +273 -234
- mindspore/rewrite/node/node_manager.py +254 -0
- mindspore/rewrite/{topological_manager.py → node/node_topological_manager.py} +13 -46
- mindspore/rewrite/parsers/arguments_parser.py +22 -21
- mindspore/rewrite/parsers/assign_parser.py +216 -221
- mindspore/rewrite/parsers/attribute_parser.py +9 -7
- mindspore/rewrite/parsers/class_def_parser.py +174 -113
- mindspore/rewrite/parsers/constant_parser.py +9 -6
- mindspore/rewrite/parsers/container_parser.py +9 -7
- mindspore/rewrite/parsers/for_parser.py +36 -15
- mindspore/rewrite/parsers/function_def_parser.py +24 -16
- mindspore/rewrite/parsers/if_parser.py +28 -24
- mindspore/rewrite/parsers/module_parser.py +196 -25
- mindspore/rewrite/{parser.py → parsers/parser.py} +4 -2
- mindspore/rewrite/{parser_register.py → parsers/parser_register.py} +1 -1
- mindspore/rewrite/parsers/return_parser.py +6 -6
- mindspore/rewrite/sparsify/sparse_transformer.py +12 -3
- mindspore/rewrite/sparsify/utils.py +1 -1
- mindspore/rewrite/symbol_tree.py +523 -578
- mindspore/rewrite/symbol_tree_builder.py +9 -193
- mindspore/rewrite/symbol_tree_dumper.py +2 -2
- mindspore/run_check/_check_version.py +6 -4
- mindspore/{ops/bprop_mindir → safeguard}/__init__.py +4 -3
- mindspore/safeguard/rewrite_obfuscation.py +541 -0
- mindspore/scipy/linalg.py +1 -1
- mindspore/scipy/optimize/minimize.py +7 -3
- mindspore/train/_utils.py +7 -3
- mindspore/train/amp.py +323 -123
- mindspore/train/anf_ir_pb2.py +14 -2
- mindspore/train/callback/_backup_and_restore.py +2 -12
- mindspore/train/callback/_callback.py +29 -4
- mindspore/train/callback/_checkpoint.py +23 -8
- mindspore/train/callback/_early_stop.py +2 -2
- mindspore/train/callback/_landscape.py +4 -4
- mindspore/train/callback/_loss_monitor.py +2 -2
- mindspore/train/callback/_on_request_exit.py +2 -2
- mindspore/train/callback/_reduce_lr_on_plateau.py +3 -4
- mindspore/train/callback/_summary_collector.py +15 -8
- mindspore/train/callback/_time_monitor.py +58 -5
- mindspore/train/data_sink.py +5 -11
- mindspore/train/dataset_helper.py +84 -57
- mindspore/train/loss_scale_manager.py +2 -2
- mindspore/train/metrics/__init__.py +3 -3
- mindspore/train/metrics/cosine_similarity.py +1 -1
- mindspore/train/metrics/hausdorff_distance.py +3 -2
- mindspore/train/metrics/mean_surface_distance.py +3 -2
- mindspore/train/metrics/metric.py +39 -19
- mindspore/train/metrics/roc.py +2 -2
- mindspore/train/metrics/root_mean_square_surface_distance.py +4 -3
- mindspore/train/mind_ir_pb2.py +85 -36
- mindspore/train/model.py +187 -47
- mindspore/train/serialization.py +487 -161
- mindspore/train/summary/_summary_adapter.py +1 -1
- mindspore/train/summary/_writer_pool.py +3 -2
- mindspore/train/summary/summary_record.py +37 -17
- mindspore/train/train_thor/convert_utils.py +3 -3
- mindspore/train/train_thor/dataset_helper.py +1 -1
- mindspore/version.py +1 -1
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/METADATA +6 -7
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/RECORD +477 -517
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/entry_points.txt +0 -1
- mindspore/_akg/akg/tvm/contrib/debugger/__init__.py +0 -16
- mindspore/_akg/akg/tvm/contrib/debugger/debug_result.py +0 -274
- mindspore/_akg/akg/tvm/contrib/debugger/debug_runtime.py +0 -259
- mindspore/_akg/akg/tvm/contrib/peak.py +0 -341
- mindspore/_akg/akg/tvm/contrib/rpc.py +0 -25
- mindspore/_akg/akg/tvm/contrib/xcode.py +0 -257
- mindspore/_akg/akg/tvm/exec/__init__.py +0 -17
- mindspore/_akg/akg/tvm/exec/autotvm_log_editor.py +0 -60
- mindspore/_akg/akg/tvm/exec/measure_peak.py +0 -48
- mindspore/_akg/akg/tvm/exec/query_rpc_tracker.py +0 -48
- mindspore/_akg/akg/tvm/exec/rpc_proxy.py +0 -98
- mindspore/_akg/akg/tvm/exec/rpc_server.py +0 -88
- mindspore/_akg/akg/tvm/exec/rpc_tracker.py +0 -62
- mindspore/_akg/akg/tvm/rpc/__init__.py +0 -29
- mindspore/_akg/akg/tvm/rpc/base.py +0 -182
- mindspore/_akg/akg/tvm/rpc/client.py +0 -436
- mindspore/_akg/akg/tvm/rpc/proxy.py +0 -595
- mindspore/_akg/akg/tvm/rpc/server.py +0 -413
- mindspore/_akg/akg/tvm/rpc/tornado_util.py +0 -121
- mindspore/_akg/akg/tvm/rpc/tracker.py +0 -431
- mindspore/_extends/graph_kernel/expander.py +0 -80
- mindspore/_extends/graph_kernel/expanders/__init__.py +0 -54
- mindspore/_extends/graph_kernel/expanders/_utils.py +0 -269
- mindspore/_extends/graph_kernel/expanders/addn.py +0 -33
- mindspore/_extends/graph_kernel/expanders/batchnorm.py +0 -152
- mindspore/_extends/graph_kernel/expanders/batchnorm_grad.py +0 -105
- mindspore/_extends/graph_kernel/expanders/clip_by_norm_no_div_sum.py +0 -33
- mindspore/_extends/graph_kernel/expanders/complex/abs.py +0 -30
- mindspore/_extends/graph_kernel/expanders/complex/add.py +0 -44
- mindspore/_extends/graph_kernel/expanders/complex/div.py +0 -62
- mindspore/_extends/graph_kernel/expanders/complex/mul.py +0 -52
- mindspore/_extends/graph_kernel/expanders/complex/real_div.py +0 -62
- mindspore/_extends/graph_kernel/expanders/complex/sub.py +0 -45
- mindspore/_extends/graph_kernel/expanders/conv2d.py +0 -200
- mindspore/_extends/graph_kernel/expanders/dropout_grad.py +0 -30
- mindspore/_extends/graph_kernel/expanders/equal_count.py +0 -50
- mindspore/_extends/graph_kernel/expanders/erfc.py +0 -35
- mindspore/_extends/graph_kernel/expanders/expand_dims.py +0 -50
- mindspore/_extends/graph_kernel/expanders/fused_adam.py +0 -44
- mindspore/_extends/graph_kernel/expanders/fused_adam_weight_decay.py +0 -47
- mindspore/_extends/graph_kernel/expanders/fused_mul_add.py +0 -28
- mindspore/_extends/graph_kernel/expanders/gelu_grad.py +0 -70
- mindspore/_extends/graph_kernel/expanders/gkdropout.py +0 -40
- mindspore/_extends/graph_kernel/expanders/identity.py +0 -25
- mindspore/_extends/graph_kernel/expanders/layernorm.py +0 -93
- mindspore/_extends/graph_kernel/expanders/layernorm_grad.py +0 -113
- mindspore/_extends/graph_kernel/expanders/logsoftmax.py +0 -46
- mindspore/_extends/graph_kernel/expanders/logsoftmax_grad.py +0 -36
- mindspore/_extends/graph_kernel/expanders/matmul.py +0 -80
- mindspore/_extends/graph_kernel/expanders/maximum_grad.py +0 -59
- mindspore/_extends/graph_kernel/expanders/minimum_grad.py +0 -80
- mindspore/_extends/graph_kernel/expanders/oneslike.py +0 -26
- mindspore/_extends/graph_kernel/expanders/reduce_mean.py +0 -43
- mindspore/_extends/graph_kernel/expanders/relu_grad.py +0 -32
- mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits.py +0 -41
- mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits_grad.py +0 -35
- mindspore/_extends/graph_kernel/expanders/sigmoid_grad.py +0 -31
- mindspore/_extends/graph_kernel/expanders/slice.py +0 -35
- mindspore/_extends/graph_kernel/expanders/softmax_cross_entropy_with_logits.py +0 -42
- mindspore/_extends/graph_kernel/expanders/softmax_grad_ext.py +0 -41
- mindspore/_extends/graph_kernel/expanders/softsign.py +0 -28
- mindspore/_extends/graph_kernel/expanders/sqrt_grad.py +0 -29
- mindspore/_extends/graph_kernel/expanders/square_sum_all.py +0 -44
- mindspore/_extends/graph_kernel/expanders/square_sum_v1.py +0 -37
- mindspore/_extends/graph_kernel/expanders/squared_difference.py +0 -43
- mindspore/_extends/graph_kernel/expanders/tanh_grad.py +0 -31
- mindspore/_extends/graph_kernel/model/op_infer.py +0 -506
- mindspore/dataset/datapreprocess/__init__.py +0 -20
- mindspore/dataset/datapreprocess/preprocess_imagenet_validate_dataset.py +0 -54
- mindspore/include/api/net.h +0 -142
- mindspore/nn/lr_scheduler.py +0 -262
- mindspore/ops/_grad_experimental/grad_image_ops.py +0 -248
- mindspore/ops/_grad_experimental/grad_linalg_ops.py +0 -181
- mindspore/ops/_grad_experimental/grad_other_ops.py +0 -72
- mindspore/ops/_grad_experimental/grad_scalar_ops.py +0 -112
- mindspore/ops/_grad_experimental/grad_sequence_ops.py +0 -351
- mindspore/ops/bprop_mindir/BNTrainingReduce_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Broadcast_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Depend_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +0 -138
- mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Load_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ScatterNonAliasingAdd_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SparseGatherV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Switch_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TransShape_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Unique_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Unstack_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/generate_mindir.py +0 -114
- mindspore/rewrite/node_visitor.py +0 -44
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/WHEEL +0 -0
- {mindspore-2.1.0.dist-info → mindspore-2.2.10.dist-info}/top_level.txt +0 -0
|
@@ -132,7 +132,7 @@ class AddToken(TextTensorOperation):
|
|
|
132
132
|
|
|
133
133
|
Tutorial Examples:
|
|
134
134
|
- `Illustration of text transforms
|
|
135
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
135
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
136
136
|
"""
|
|
137
137
|
|
|
138
138
|
@check_add_token
|
|
@@ -147,31 +147,25 @@ class AddToken(TextTensorOperation):
|
|
|
147
147
|
|
|
148
148
|
class JiebaTokenizer(TextTensorOperation):
|
|
149
149
|
"""
|
|
150
|
-
|
|
150
|
+
Use Jieba tokenizer to tokenize Chinese strings.
|
|
151
151
|
|
|
152
152
|
Note:
|
|
153
|
-
The
|
|
153
|
+
The dictionary files used by Hidden Markov Model segment and Max Probability segment can be
|
|
154
|
+
obtained through the `cppjieba GitHub <https://github.com/yanyiwu/cppjieba/tree/master/dict>`_ .
|
|
155
|
+
Please ensure the validity and integrity of these files.
|
|
154
156
|
|
|
155
157
|
Args:
|
|
156
|
-
hmm_path (str):
|
|
157
|
-
|
|
158
|
-
|
|
159
|
-
|
|
160
|
-
|
|
161
|
-
|
|
162
|
-
|
|
163
|
-
- ``JiebaMode.MP``, tokenize with MPSegment algorithm.
|
|
164
|
-
|
|
165
|
-
- ``JiebaMode.HMM``, tokenize with Hidden Markov Model Segment algorithm.
|
|
166
|
-
|
|
167
|
-
- ``JiebaMode.MIX``, tokenize with a mix of MPSegment and HMMSegment algorithm.
|
|
168
|
-
|
|
169
|
-
with_offsets (bool, optional): Whether or not output offsets of tokens. Default: ``False``.
|
|
158
|
+
hmm_path (str): Path to the dictionary file used by Hidden Markov Model segment.
|
|
159
|
+
mp_path (str): Path to the dictionary file used by Max Probability segment.
|
|
160
|
+
mode (JiebaMode, optional): The desired segment algorithms. See :class:`~.text.JiebaMode`
|
|
161
|
+
for details on optional values. Default: ``JiebaMode.MIX`` .
|
|
162
|
+
with_offsets (bool, optional): Whether to output the start and end offsets of each
|
|
163
|
+
token in the original string. Default: ``False`` .
|
|
170
164
|
|
|
171
165
|
Raises:
|
|
172
|
-
|
|
173
|
-
|
|
174
|
-
TypeError: If `
|
|
166
|
+
TypeError: If `hmm_path` is not of type str.
|
|
167
|
+
TypeError: If `mp_path` is not of type str.
|
|
168
|
+
TypeError: If `mode` is not of type :class:`~.text.JiebaMode` .
|
|
175
169
|
TypeError: If `with_offsets` is not of type bool.
|
|
176
170
|
|
|
177
171
|
Supported Platforms:
|
|
@@ -199,7 +193,7 @@ class JiebaTokenizer(TextTensorOperation):
|
|
|
199
193
|
|
|
200
194
|
Tutorial Examples:
|
|
201
195
|
- `Illustration of text transforms
|
|
202
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
196
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
203
197
|
"""
|
|
204
198
|
|
|
205
199
|
@check_jieba_init
|
|
@@ -234,13 +228,13 @@ class JiebaTokenizer(TextTensorOperation):
|
|
|
234
228
|
@check_jieba_add_word
|
|
235
229
|
def add_word(self, word, freq=None):
|
|
236
230
|
"""
|
|
237
|
-
Add a
|
|
231
|
+
Add a specified word mapping to the Vocab of the tokenizer.
|
|
238
232
|
|
|
239
233
|
Args:
|
|
240
|
-
word (str): The word to be added to the
|
|
241
|
-
|
|
242
|
-
|
|
243
|
-
|
|
234
|
+
word (str): The word to be added to the Vocab.
|
|
235
|
+
freq (int, optional): The frequency of the word to be added. The higher the word frequency,
|
|
236
|
+
the greater the chance that the word will be tokenized. Default: ``None``, using the
|
|
237
|
+
default word frequency.
|
|
244
238
|
|
|
245
239
|
Examples:
|
|
246
240
|
>>> import mindspore.dataset as ds
|
|
@@ -270,22 +264,16 @@ class JiebaTokenizer(TextTensorOperation):
|
|
|
270
264
|
@check_jieba_add_dict
|
|
271
265
|
def add_dict(self, user_dict):
|
|
272
266
|
"""
|
|
273
|
-
Add
|
|
267
|
+
Add the specified word mappings to the Vocab of the tokenizer.
|
|
274
268
|
|
|
275
269
|
Args:
|
|
276
|
-
user_dict (Union[str, dict]):
|
|
277
|
-
|
|
278
|
-
|
|
279
|
-
|
|
280
|
-
|
|
281
|
-
|
|
282
|
-
|
|
283
|
-
word1 freq1
|
|
284
|
-
word2 None
|
|
285
|
-
word3 freq3
|
|
286
|
-
|
|
287
|
-
Only valid word-freq pairs in user provided file will be added into the dictionary.
|
|
288
|
-
Rows containing invalid input will be ignored. No error nor warning Status is returned.
|
|
270
|
+
user_dict (Union[str, dict[str, int]]): The word mappings to be added to the Vocab.
|
|
271
|
+
If the input type is str, it means the path of the file storing the word mappings to be added.
|
|
272
|
+
Each line of the file should contain two fields separated by a space, where the first field
|
|
273
|
+
indicates the word itself and the second field should be a number indicating the word frequency.
|
|
274
|
+
Invalid lines will be ignored and no error or warning will be returned.
|
|
275
|
+
If the input type is dict[str, int], it means the dictionary storing the word mappings to be added,
|
|
276
|
+
where the key name is the word itself and the key value is the word frequency.
|
|
289
277
|
|
|
290
278
|
Examples:
|
|
291
279
|
>>> import mindspore.dataset as ds
|
|
@@ -335,7 +323,7 @@ class JiebaTokenizer(TextTensorOperation):
|
|
|
335
323
|
raise ValueError(
|
|
336
324
|
"user dict file {} is not exist.".format(file_path))
|
|
337
325
|
real_file_path = os.path.realpath(file_path)
|
|
338
|
-
file_dict = open(real_file_path)
|
|
326
|
+
file_dict = open(real_file_path, "r")
|
|
339
327
|
data_re = re.compile('^\\s*([^\\s*]+?)\\s*([0-9]+)?\\s*$', re.U)
|
|
340
328
|
words_list = []
|
|
341
329
|
for item in file_dict:
|
|
@@ -385,7 +373,7 @@ class Lookup(TextTensorOperation):
|
|
|
385
373
|
|
|
386
374
|
Tutorial Examples:
|
|
387
375
|
- `Illustration of text transforms
|
|
388
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
376
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
389
377
|
"""
|
|
390
378
|
|
|
391
379
|
@check_lookup
|
|
@@ -446,7 +434,7 @@ class Ngram(TextTensorOperation):
|
|
|
446
434
|
|
|
447
435
|
Tutorial Examples:
|
|
448
436
|
- `Illustration of text transforms
|
|
449
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
437
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
450
438
|
"""
|
|
451
439
|
|
|
452
440
|
@check_ngram
|
|
@@ -487,7 +475,7 @@ class PythonTokenizer:
|
|
|
487
475
|
|
|
488
476
|
Tutorial Examples:
|
|
489
477
|
- `Illustration of text transforms
|
|
490
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
478
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
491
479
|
"""
|
|
492
480
|
|
|
493
481
|
@check_python_tokenizer
|
|
@@ -551,7 +539,7 @@ class SentencePieceTokenizer(TextTensorOperation):
|
|
|
551
539
|
|
|
552
540
|
Tutorial Examples:
|
|
553
541
|
- `Illustration of text transforms
|
|
554
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
542
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
555
543
|
"""
|
|
556
544
|
|
|
557
545
|
@check_sentence_piece_tokenizer
|
|
@@ -603,7 +591,7 @@ class SlidingWindow(TextTensorOperation):
|
|
|
603
591
|
|
|
604
592
|
Tutorial Examples:
|
|
605
593
|
- `Illustration of text transforms
|
|
606
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
594
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
607
595
|
"""
|
|
608
596
|
|
|
609
597
|
@check_slidingwindow
|
|
@@ -647,7 +635,7 @@ class ToNumber(TextTensorOperation):
|
|
|
647
635
|
|
|
648
636
|
Tutorial Examples:
|
|
649
637
|
- `Illustration of text transforms
|
|
650
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
638
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
651
639
|
"""
|
|
652
640
|
|
|
653
641
|
@check_to_number
|
|
@@ -696,7 +684,7 @@ class ToVectors(TextTensorOperation):
|
|
|
696
684
|
|
|
697
685
|
Tutorial Examples:
|
|
698
686
|
- `Illustration of text transforms
|
|
699
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
687
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
700
688
|
"""
|
|
701
689
|
|
|
702
690
|
@check_to_vectors
|
|
@@ -745,7 +733,7 @@ class Truncate(TextTensorOperation):
|
|
|
745
733
|
|
|
746
734
|
Tutorial Examples:
|
|
747
735
|
- `Illustration of text transforms
|
|
748
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
736
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
749
737
|
"""
|
|
750
738
|
|
|
751
739
|
@check_truncate
|
|
@@ -759,12 +747,12 @@ class Truncate(TextTensorOperation):
|
|
|
759
747
|
|
|
760
748
|
class TruncateSequencePair(TextTensorOperation):
|
|
761
749
|
"""
|
|
762
|
-
Truncate a pair of
|
|
763
|
-
|
|
764
|
-
This operation takes two input tensors and returns two output Tensors.
|
|
750
|
+
Truncate a pair of 1-D string input so that their total length is less than the specified length.
|
|
765
751
|
|
|
766
752
|
Args:
|
|
767
|
-
max_length (int):
|
|
753
|
+
max_length (int): The maximum total length of the output strings. If it is no less than the
|
|
754
|
+
total length of the original pair of strings, no truncation is performed; otherwise, the
|
|
755
|
+
longer of the two input strings is truncated until its total length equals this value.
|
|
768
756
|
|
|
769
757
|
Raises:
|
|
770
758
|
TypeError: If `max_length` is not of type int.
|
|
@@ -792,7 +780,7 @@ class TruncateSequencePair(TextTensorOperation):
|
|
|
792
780
|
|
|
793
781
|
Tutorial Examples:
|
|
794
782
|
- `Illustration of text transforms
|
|
795
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
783
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
796
784
|
"""
|
|
797
785
|
|
|
798
786
|
@check_pair_truncate
|
|
@@ -806,10 +794,11 @@ class TruncateSequencePair(TextTensorOperation):
|
|
|
806
794
|
|
|
807
795
|
class UnicodeCharTokenizer(TextTensorOperation):
|
|
808
796
|
"""
|
|
809
|
-
|
|
797
|
+
Unpack the Unicode characters in the input strings.
|
|
810
798
|
|
|
811
799
|
Args:
|
|
812
|
-
with_offsets (bool, optional): Whether
|
|
800
|
+
with_offsets (bool, optional): Whether to output the start and end offsets of each
|
|
801
|
+
token in the original string. Default: ``False`` .
|
|
813
802
|
|
|
814
803
|
Raises:
|
|
815
804
|
TypeError: If `with_offsets` is not of type bool.
|
|
@@ -821,21 +810,22 @@ class UnicodeCharTokenizer(TextTensorOperation):
|
|
|
821
810
|
>>> import mindspore.dataset as ds
|
|
822
811
|
>>> import mindspore.dataset.text as text
|
|
823
812
|
>>>
|
|
813
|
+
>>> text_file_list = ["/path/to/text_file_dataset_file"]
|
|
814
|
+
>>> text_file_dataset = ds.TextFileDataset(dataset_files=text_file_list)
|
|
815
|
+
>>>
|
|
824
816
|
>>> # If with_offsets=False, default output one column {["text", dtype=str]}
|
|
825
817
|
>>> tokenizer_op = text.UnicodeCharTokenizer(with_offsets=False)
|
|
826
818
|
>>> text_file_dataset = text_file_dataset.map(operations=tokenizer_op)
|
|
819
|
+
>>>
|
|
827
820
|
>>> # If with_offsets=True, then output three columns {["token", dtype=str], ["offsets_start", dtype=uint32],
|
|
828
821
|
>>> # ["offsets_limit", dtype=uint32]}
|
|
829
822
|
>>> tokenizer_op = text.UnicodeCharTokenizer(with_offsets=True)
|
|
830
|
-
>>>
|
|
831
|
-
>>> text_file_list = ["/path/to/text_file_dataset_file"]
|
|
832
|
-
>>> text_file_dataset = ds.TextFileDataset(dataset_files=text_file_list)
|
|
833
823
|
>>> text_file_dataset = text_file_dataset.map(operations=tokenizer_op, input_columns=["text"],
|
|
834
824
|
... output_columns=["token", "offsets_start", "offsets_limit"])
|
|
835
825
|
|
|
836
826
|
Tutorial Examples:
|
|
837
827
|
- `Illustration of text transforms
|
|
838
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
828
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
839
829
|
"""
|
|
840
830
|
|
|
841
831
|
@check_with_offsets
|
|
@@ -859,7 +849,8 @@ class WordpieceTokenizer(TextTensorOperation):
|
|
|
859
849
|
unknown_token (str, optional): The output for unknown words. When set to an empty string, the corresponding
|
|
860
850
|
unknown word will be directly returned as the output. Otherwise, the set string will be returned as the
|
|
861
851
|
output. Default: ``'[UNK]'``.
|
|
862
|
-
with_offsets (bool, optional): Whether to
|
|
852
|
+
with_offsets (bool, optional): Whether to output the start and end offsets of each
|
|
853
|
+
token in the original string. Default: ``False`` .
|
|
863
854
|
|
|
864
855
|
Raises:
|
|
865
856
|
TypeError: If `vocab` is not of type :class:`mindspore.dataset.text.Vocab` .
|
|
@@ -876,25 +867,28 @@ class WordpieceTokenizer(TextTensorOperation):
|
|
|
876
867
|
>>> import mindspore.dataset as ds
|
|
877
868
|
>>> import mindspore.dataset.text as text
|
|
878
869
|
>>>
|
|
870
|
+
>>> text_file_list = ["/path/to/text_file_dataset_file"]
|
|
871
|
+
>>> text_file_dataset = ds.TextFileDataset(dataset_files=text_file_list)
|
|
872
|
+
>>>
|
|
879
873
|
>>> vocab_list = ["book", "cholera", "era", "favor", "##ite", "my", "is", "love", "dur", "##ing", "the"]
|
|
880
874
|
>>> vocab = text.Vocab.from_list(vocab_list)
|
|
875
|
+
>>>
|
|
881
876
|
>>> # If with_offsets=False, default output one column {["text", dtype=str]}
|
|
882
877
|
>>> tokenizer_op = text.WordpieceTokenizer(vocab=vocab, unknown_token='[UNK]',
|
|
883
878
|
... max_bytes_per_token=100, with_offsets=False)
|
|
884
879
|
>>> text_file_dataset = text_file_dataset.map(operations=tokenizer_op)
|
|
880
|
+
>>>
|
|
885
881
|
>>> # If with_offsets=True, then output three columns {["token", dtype=str], ["offsets_start", dtype=uint32],
|
|
886
882
|
>>> # ["offsets_limit", dtype=uint32]}
|
|
887
883
|
>>> tokenizer_op = text.WordpieceTokenizer(vocab=vocab, unknown_token='[UNK]',
|
|
888
884
|
... max_bytes_per_token=100, with_offsets=True)
|
|
889
885
|
>>>
|
|
890
|
-
>>> text_file_list = ["/path/to/text_file_dataset_file"]
|
|
891
|
-
>>> text_file_dataset = ds.TextFileDataset(dataset_files=text_file_list)
|
|
892
886
|
>>> text_file_dataset = text_file_dataset.map(operations=tokenizer_op, input_columns=["text"],
|
|
893
887
|
... output_columns=["token", "offsets_start", "offsets_limit"])
|
|
894
888
|
|
|
895
889
|
Tutorial Examples:
|
|
896
890
|
- `Illustration of text transforms
|
|
897
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
891
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
898
892
|
"""
|
|
899
893
|
|
|
900
894
|
@check_wordpiece_tokenizer
|
|
@@ -934,25 +928,18 @@ if platform.system().lower() != 'windows':
|
|
|
934
928
|
text to lower case and strip accented characters. If False, will only perform normalization on the
|
|
935
929
|
text, with mode specified by `normalization_form` . Default: ``False``.
|
|
936
930
|
keep_whitespace (bool, optional): If True, the whitespace will be kept in the output. Default: ``False``.
|
|
937
|
-
normalization_form (NormalizeForm, optional):
|
|
938
|
-
|
|
939
|
-
|
|
940
|
-
NormalizeForm.NFKD. Default: NormalizeForm.NONE.
|
|
941
|
-
|
|
942
|
-
- NormalizeForm.NONE, no normalization.
|
|
943
|
-
- NormalizeForm.NFC, Canonical Decomposition, followed by Canonical Composition.
|
|
944
|
-
- NormalizeForm.NFKC, Compatibility Decomposition, followed by Canonical Composition.
|
|
945
|
-
- NormalizeForm.NFD, Canonical Decomposition.
|
|
946
|
-
- NormalizeForm.NFKD, Compatibility Decomposition.
|
|
947
|
-
|
|
931
|
+
normalization_form (NormalizeForm, optional): The desired normalization form.
|
|
932
|
+
See :class:`~.text.NormalizeForm` for details on optional values.
|
|
933
|
+
Default: ``NormalizeForm.NFKC`` .
|
|
948
934
|
preserve_unused_token (bool, optional): Whether to preserve special tokens. If True, will not split special
|
|
949
935
|
tokens like '[CLS]', '[SEP]', '[UNK]', '[PAD]', '[MASK]'. Default: ``True``.
|
|
950
|
-
with_offsets (bool, optional): Whether to
|
|
936
|
+
with_offsets (bool, optional): Whether to output the start and end offsets of each
|
|
937
|
+
token in the original string. Default: ``False`` .
|
|
951
938
|
|
|
952
939
|
Raises:
|
|
953
940
|
TypeError: If `lower_case` is not of type bool.
|
|
954
941
|
TypeError: If `keep_whitespace` is not of type bool.
|
|
955
|
-
TypeError: If `normalization_form` is not of type :class
|
|
942
|
+
TypeError: If `normalization_form` is not of type :class:`~.text.NormalizeForm` .
|
|
956
943
|
TypeError: If `preserve_unused_token` is not of type bool.
|
|
957
944
|
TypeError: If `with_offsets` is not of type bool.
|
|
958
945
|
RuntimeError: If dtype of input Tensor is not str.
|
|
@@ -988,7 +975,7 @@ if platform.system().lower() != 'windows':
|
|
|
988
975
|
|
|
989
976
|
Tutorial Examples:
|
|
990
977
|
- `Illustration of text transforms
|
|
991
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
978
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
992
979
|
"""
|
|
993
980
|
|
|
994
981
|
@check_basic_tokenizer
|
|
@@ -1029,21 +1016,14 @@ if platform.system().lower() != 'windows':
|
|
|
1029
1016
|
text, with mode specified by `normalization_form` . Default: ``False``.
|
|
1030
1017
|
keep_whitespace (bool, optional): If ``True``, the whitespace will be kept in the output.
|
|
1031
1018
|
Default: ``False``.
|
|
1032
|
-
normalization_form (NormalizeForm, optional):
|
|
1033
|
-
|
|
1034
|
-
|
|
1035
|
-
``NormalizeForm.NFD`` or ``NormalizeForm.NFKD``. Default: ``NormalizeForm.NONE``.
|
|
1036
|
-
|
|
1037
|
-
- ``NormalizeForm.NONE``, no normalization.
|
|
1038
|
-
- ``NormalizeForm.NFC``, Canonical Decomposition, followed by Canonical Composition.
|
|
1039
|
-
- ``NormalizeForm.NFKC``, Compatibility Decomposition, followed by Canonical Composition.
|
|
1040
|
-
- ``NormalizeForm.NFD``, Canonical Decomposition.
|
|
1041
|
-
- ``NormalizeForm.NFKD``, Compatibility Decomposition.
|
|
1042
|
-
|
|
1019
|
+
normalization_form (NormalizeForm, optional): The desired normalization form.
|
|
1020
|
+
See :class:`~.text.NormalizeForm` for details on optional values.
|
|
1021
|
+
Default: ``NormalizeForm.NFKC`` .
|
|
1043
1022
|
preserve_unused_token (bool, optional): Whether to preserve special tokens. If ``True``,
|
|
1044
1023
|
will not split special tokens like '[CLS]', '[SEP]', '[UNK]', '[PAD]', '[MASK]'.
|
|
1045
1024
|
Default: ``True``.
|
|
1046
|
-
with_offsets (bool, optional): Whether to
|
|
1025
|
+
with_offsets (bool, optional): Whether to output the start and end offsets of each
|
|
1026
|
+
token in the original string. Default: ``False`` .
|
|
1047
1027
|
|
|
1048
1028
|
Raises:
|
|
1049
1029
|
TypeError: If `vocab` is not of type :class:`mindspore.dataset.text.Vocab` .
|
|
@@ -1053,7 +1033,7 @@ if platform.system().lower() != 'windows':
|
|
|
1053
1033
|
TypeError: If `unknown_token` is not of type str.
|
|
1054
1034
|
TypeError: If `lower_case` is not of type bool.
|
|
1055
1035
|
TypeError: If `keep_whitespace` is not of type bool.
|
|
1056
|
-
TypeError: If `normalization_form` is not of type :class
|
|
1036
|
+
TypeError: If `normalization_form` is not of type :class:`~.text.NormalizeForm` .
|
|
1057
1037
|
TypeError: If `preserve_unused_token` is not of type bool.
|
|
1058
1038
|
TypeError: If `with_offsets` is not of type bool.
|
|
1059
1039
|
|
|
@@ -1093,7 +1073,7 @@ if platform.system().lower() != 'windows':
|
|
|
1093
1073
|
|
|
1094
1074
|
Tutorial Examples:
|
|
1095
1075
|
- `Illustration of text transforms
|
|
1096
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
1076
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
1097
1077
|
"""
|
|
1098
1078
|
|
|
1099
1079
|
@check_bert_tokenizer
|
|
@@ -1142,7 +1122,7 @@ if platform.system().lower() != 'windows':
|
|
|
1142
1122
|
|
|
1143
1123
|
Tutorial Examples:
|
|
1144
1124
|
- `Illustration of text transforms
|
|
1145
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
1125
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
1146
1126
|
"""
|
|
1147
1127
|
|
|
1148
1128
|
def parse(self):
|
|
@@ -1171,7 +1151,7 @@ if platform.system().lower() != 'windows':
|
|
|
1171
1151
|
|
|
1172
1152
|
Tutorial Examples:
|
|
1173
1153
|
- `Illustration of text transforms
|
|
1174
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
1154
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
1175
1155
|
"""
|
|
1176
1156
|
|
|
1177
1157
|
def parse(self):
|
|
@@ -1180,25 +1160,18 @@ if platform.system().lower() != 'windows':
|
|
|
1180
1160
|
|
|
1181
1161
|
class NormalizeUTF8(TextTensorOperation):
|
|
1182
1162
|
"""
|
|
1183
|
-
|
|
1163
|
+
Normalize the input UTF-8 encoded strings.
|
|
1184
1164
|
|
|
1185
1165
|
Note:
|
|
1186
1166
|
NormalizeUTF8 is not supported on Windows platform yet.
|
|
1187
1167
|
|
|
1188
1168
|
Args:
|
|
1189
|
-
normalize_form (NormalizeForm, optional):
|
|
1190
|
-
|
|
1191
|
-
|
|
1192
|
-
See http://unicode.org/reports/tr15/ for details.
|
|
1193
|
-
|
|
1194
|
-
- ``NormalizeForm.NONE``, do nothing for input string tensor.
|
|
1195
|
-
- ``NormalizeForm.NFC``, normalize with Normalization Form C.
|
|
1196
|
-
- ``NormalizeForm.NFKC``, normalize with Normalization Form KC.
|
|
1197
|
-
- ``NormalizeForm.NFD``, normalize with Normalization Form D.
|
|
1198
|
-
- ``NormalizeForm.NFKD``, normalize with Normalization Form KD.
|
|
1169
|
+
normalize_form (NormalizeForm, optional): The desired normalization form.
|
|
1170
|
+
See :class:`~.text.NormalizeForm` for details on optional values.
|
|
1171
|
+
Default: ``NormalizeForm.NFKC`` .
|
|
1199
1172
|
|
|
1200
1173
|
Raises:
|
|
1201
|
-
TypeError: If `normalize_form` is not of type NormalizeForm
|
|
1174
|
+
TypeError: If `normalize_form` is not of type :class:`~.text.NormalizeForm`.
|
|
1202
1175
|
|
|
1203
1176
|
Supported Platforms:
|
|
1204
1177
|
``CPU``
|
|
@@ -1215,7 +1188,7 @@ if platform.system().lower() != 'windows':
|
|
|
1215
1188
|
|
|
1216
1189
|
Tutorial Examples:
|
|
1217
1190
|
- `Illustration of text transforms
|
|
1218
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
1191
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
1219
1192
|
"""
|
|
1220
1193
|
|
|
1221
1194
|
def __init__(self, normalize_form=NormalizeForm.NFKC):
|
|
@@ -1232,22 +1205,22 @@ if platform.system().lower() != 'windows':
|
|
|
1232
1205
|
|
|
1233
1206
|
class RegexReplace(TextTensorOperation):
|
|
1234
1207
|
"""
|
|
1235
|
-
Replace
|
|
1236
|
-
|
|
1237
|
-
See https://unicode-org.github.io/icu/userguide/strings/regexp.html for supported regex pattern.
|
|
1208
|
+
Replace part of the input UTF-8 string with a difference text string using regular expressions.
|
|
1238
1209
|
|
|
1239
1210
|
Note:
|
|
1240
1211
|
RegexReplace is not supported on Windows platform yet.
|
|
1241
1212
|
|
|
1242
1213
|
Args:
|
|
1243
|
-
pattern (str):
|
|
1244
|
-
|
|
1245
|
-
|
|
1246
|
-
|
|
1214
|
+
pattern (str): The regular expression, used to mean the specific, standard textual syntax for
|
|
1215
|
+
representing patterns for matching text.
|
|
1216
|
+
replace (str): The string used to replace the matched elements.
|
|
1217
|
+
replace_all (bool, optional): Whether to replace all matched elements. If ``False``, only the
|
|
1218
|
+
first matched element will be replaced; otherwise, all matched elements will be replaced.
|
|
1219
|
+
Default: ``True``.
|
|
1247
1220
|
|
|
1248
1221
|
Raises:
|
|
1249
|
-
TypeError: If `pattern` is not of type
|
|
1250
|
-
TypeError: If `replace` is not of type
|
|
1222
|
+
TypeError: If `pattern` is not of type str.
|
|
1223
|
+
TypeError: If `replace` is not of type str.
|
|
1251
1224
|
TypeError: If `replace_all` is not of type bool.
|
|
1252
1225
|
|
|
1253
1226
|
Supported Platforms:
|
|
@@ -1257,16 +1230,14 @@ if platform.system().lower() != 'windows':
|
|
|
1257
1230
|
>>> import mindspore.dataset as ds
|
|
1258
1231
|
>>> import mindspore.dataset.text as text
|
|
1259
1232
|
>>>
|
|
1260
|
-
>>>
|
|
1261
|
-
>>> replace = 'China'
|
|
1262
|
-
>>> replace_op = text.RegexReplace(pattern, replace)
|
|
1233
|
+
>>> regex_replace = text.RegexReplace('apple', 'orange')
|
|
1263
1234
|
>>> text_file_list = ["/path/to/text_file_dataset_file"]
|
|
1264
1235
|
>>> text_file_dataset = ds.TextFileDataset(dataset_files=text_file_list)
|
|
1265
|
-
>>> text_file_dataset = text_file_dataset.map(operations=
|
|
1236
|
+
>>> text_file_dataset = text_file_dataset.map(operations=regex_replace)
|
|
1266
1237
|
|
|
1267
1238
|
Tutorial Examples:
|
|
1268
1239
|
- `Illustration of text transforms
|
|
1269
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
1240
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
1270
1241
|
"""
|
|
1271
1242
|
|
|
1272
1243
|
@check_regex_replace
|
|
@@ -1295,7 +1266,8 @@ if platform.system().lower() != 'windows':
|
|
|
1295
1266
|
keep_delim_pattern (str, optional): The string matched by 'delim_pattern' can be kept as a token
|
|
1296
1267
|
if it can be matched by 'keep_delim_pattern'. The default value is an empty str
|
|
1297
1268
|
which means that delimiters will not be kept as an output token. Default: ``''``.
|
|
1298
|
-
with_offsets (bool, optional): Whether
|
|
1269
|
+
with_offsets (bool, optional): Whether to output the start and end offsets of each
|
|
1270
|
+
token in the original string. Default: ``False`` .
|
|
1299
1271
|
|
|
1300
1272
|
Raises:
|
|
1301
1273
|
TypeError: If `delim_pattern` is not of type string.
|
|
@@ -1326,7 +1298,7 @@ if platform.system().lower() != 'windows':
|
|
|
1326
1298
|
|
|
1327
1299
|
Tutorial Examples:
|
|
1328
1300
|
- `Illustration of text transforms
|
|
1329
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
1301
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
1330
1302
|
"""
|
|
1331
1303
|
|
|
1332
1304
|
@check_regex_tokenizer
|
|
@@ -1349,7 +1321,8 @@ if platform.system().lower() != 'windows':
|
|
|
1349
1321
|
|
|
1350
1322
|
Args:
|
|
1351
1323
|
keep_whitespace (bool, optional): Whether or not emit whitespace tokens. Default: ``False``.
|
|
1352
|
-
with_offsets (bool, optional): Whether
|
|
1324
|
+
with_offsets (bool, optional): Whether to output the start and end offsets of each
|
|
1325
|
+
token in the original string. Default: ``False`` .
|
|
1353
1326
|
|
|
1354
1327
|
Raises:
|
|
1355
1328
|
TypeError: If `keep_whitespace` is not of type bool.
|
|
@@ -1378,7 +1351,7 @@ if platform.system().lower() != 'windows':
|
|
|
1378
1351
|
|
|
1379
1352
|
Tutorial Examples:
|
|
1380
1353
|
- `Illustration of text transforms
|
|
1381
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
1354
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
1382
1355
|
|
|
1383
1356
|
"""
|
|
1384
1357
|
|
|
@@ -1402,7 +1375,8 @@ if platform.system().lower() != 'windows':
|
|
|
1402
1375
|
WhitespaceTokenizer is not supported on Windows platform yet.
|
|
1403
1376
|
|
|
1404
1377
|
Args:
|
|
1405
|
-
with_offsets (bool, optional): Whether
|
|
1378
|
+
with_offsets (bool, optional): Whether to output the start and end offsets of each
|
|
1379
|
+
token in the original string. Default: ``False`` .
|
|
1406
1380
|
|
|
1407
1381
|
Raises:
|
|
1408
1382
|
TypeError: If `with_offsets` is not of type bool.
|
|
@@ -1430,7 +1404,7 @@ if platform.system().lower() != 'windows':
|
|
|
1430
1404
|
|
|
1431
1405
|
Tutorial Examples:
|
|
1432
1406
|
- `Illustration of text transforms
|
|
1433
|
-
<https://www.mindspore.cn/docs/en/r2.
|
|
1407
|
+
<https://www.mindspore.cn/docs/en/r2.2/api_python/samples/dataset/text_gallery.html>`_
|
|
1434
1408
|
"""
|
|
1435
1409
|
|
|
1436
1410
|
@check_with_offsets
|