mindspore 2.1.0__cp39-cp39-win_amd64.whl → 2.2.11__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.

Files changed (488) hide show
  1. mindspore/.commit_id +1 -1
  2. mindspore/__init__.py +4 -1
  3. mindspore/_c_dataengine.cp39-win_amd64.pyd +0 -0
  4. mindspore/_c_expression.cp39-win_amd64.pyd +0 -0
  5. mindspore/_c_mindrecord.cp39-win_amd64.pyd +0 -0
  6. mindspore/_check_jit_forbidden_api.py +3 -1
  7. mindspore/_checkparam.py +23 -29
  8. mindspore/_extends/graph_kernel/__init__.py +0 -1
  9. mindspore/_extends/graph_kernel/model/graph_split.py +84 -76
  10. mindspore/_extends/graph_kernel/model/model_builder.py +9 -50
  11. mindspore/_extends/graph_kernel/splitter.py +4 -11
  12. mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +122 -15
  13. mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +84 -67
  14. mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +4 -2
  15. mindspore/_extends/parallel_compile/akg_compiler/util.py +10 -7
  16. mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +2 -2
  17. mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +6 -5
  18. mindspore/_extends/parallel_compile/tbe_compiler/tbe_job.py +1 -1
  19. mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +1 -1
  20. mindspore/_extends/parse/__init__.py +13 -15
  21. mindspore/_extends/parse/namespace.py +7 -33
  22. mindspore/_extends/parse/parser.py +67 -72
  23. mindspore/_extends/parse/resources.py +1 -1
  24. mindspore/_extends/parse/standard_method.py +86 -106
  25. mindspore/_extends/parse/trope.py +1 -1
  26. mindspore/_extends/remote/kernel_build_server.py +25 -7
  27. mindspore/_extends/remote/kernel_build_server_akg_v2.py +55 -0
  28. mindspore/_install_custom.py +43 -0
  29. mindspore/amp.py +47 -11
  30. mindspore/boost/boost.py +1 -8
  31. mindspore/boost/boost_cell_wrapper.py +3 -2
  32. mindspore/boost/grad_accumulation.py +1 -1
  33. mindspore/boost/group_loss_scale_manager.py +8 -7
  34. mindspore/common/__init__.py +5 -3
  35. mindspore/common/_jit_fallback_utils.py +6 -0
  36. mindspore/common/_register_for_adapter.py +2 -0
  37. mindspore/common/_register_for_tensor.py +2 -2
  38. mindspore/common/_stub_tensor.py +13 -0
  39. mindspore/common/_utils.py +29 -0
  40. mindspore/common/api.py +174 -259
  41. mindspore/common/auto_dynamic_shape.py +494 -0
  42. mindspore/common/dtype.py +18 -11
  43. mindspore/common/dump.py +6 -4
  44. mindspore/common/initializer.py +14 -14
  45. mindspore/common/jit_config.py +33 -15
  46. mindspore/common/lazy_inline.py +126 -7
  47. mindspore/common/mindir_util.py +101 -0
  48. mindspore/common/parameter.py +51 -41
  49. mindspore/common/seed.py +4 -4
  50. mindspore/common/sparse_tensor.py +13 -14
  51. mindspore/common/tensor.py +243 -165
  52. mindspore/communication/__init__.py +7 -4
  53. mindspore/communication/_comm_helper.py +83 -4
  54. mindspore/communication/management.py +152 -84
  55. mindspore/config/op_info.config +14 -3
  56. mindspore/context.py +152 -61
  57. mindspore/dataset/__init__.py +5 -5
  58. mindspore/dataset/audio/__init__.py +2 -2
  59. mindspore/dataset/audio/transforms.py +52 -52
  60. mindspore/dataset/callback/ds_callback.py +16 -2
  61. mindspore/dataset/core/config.py +68 -51
  62. mindspore/dataset/engine/cache_client.py +33 -7
  63. mindspore/dataset/engine/datasets.py +250 -112
  64. mindspore/dataset/engine/datasets_audio.py +43 -211
  65. mindspore/dataset/engine/datasets_standard_format.py +16 -35
  66. mindspore/dataset/engine/datasets_text.py +43 -67
  67. mindspore/dataset/engine/datasets_user_defined.py +86 -100
  68. mindspore/dataset/engine/datasets_vision.py +219 -1029
  69. mindspore/dataset/engine/iterators.py +11 -4
  70. mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +4 -0
  71. mindspore/dataset/engine/obs/util.py +3 -0
  72. mindspore/dataset/engine/samplers.py +1 -1
  73. mindspore/dataset/engine/validators.py +19 -5
  74. mindspore/dataset/text/__init__.py +3 -3
  75. mindspore/dataset/text/transforms.py +101 -127
  76. mindspore/dataset/text/utils.py +205 -138
  77. mindspore/dataset/transforms/__init__.py +1 -1
  78. mindspore/dataset/transforms/py_transforms_util.py +40 -12
  79. mindspore/dataset/transforms/transforms.py +95 -40
  80. mindspore/dataset/utils/browse_dataset.py +8 -2
  81. mindspore/dataset/utils/line_reader.py +17 -19
  82. mindspore/dataset/vision/__init__.py +3 -3
  83. mindspore/dataset/vision/c_transforms.py +6 -3
  84. mindspore/dataset/vision/transforms.py +409 -287
  85. mindspore/dataset/vision/utils.py +13 -14
  86. mindspore/dataset/vision/validators.py +11 -1
  87. mindspore/dnnl.dll +0 -0
  88. mindspore/experimental/map_parameter.py +14 -0
  89. mindspore/{nn/optim_ex → experimental/optim}/__init__.py +30 -29
  90. mindspore/{nn/optim_ex → experimental/optim}/adam.py +60 -67
  91. mindspore/{nn/optim_ex → experimental/optim}/adamw.py +181 -203
  92. mindspore/experimental/optim/lr_scheduler.py +1427 -0
  93. mindspore/{nn/optim_ex → experimental/optim}/optimizer.py +252 -259
  94. mindspore/{nn/optim_ex → experimental/optim}/sgd.py +147 -152
  95. mindspore/gen_ops.py +273 -0
  96. mindspore/include/OWNERS +0 -1
  97. mindspore/include/api/data_type.h +2 -1
  98. mindspore/include/api/graph.h +0 -15
  99. mindspore/include/api/kernel.h +2 -0
  100. mindspore/include/api/kernel_api.h +37 -12
  101. mindspore/include/api/model.h +17 -14
  102. mindspore/include/api/status.h +8 -3
  103. mindspore/include/api/types.h +37 -4
  104. mindspore/include/c_api/ms/abstract.h +67 -0
  105. mindspore/include/c_api/ms/attribute.h +197 -0
  106. mindspore/include/c_api/ms/base/handle_types.h +43 -0
  107. mindspore/include/c_api/ms/base/macros.h +32 -0
  108. mindspore/include/c_api/ms/base/status.h +33 -0
  109. mindspore/include/c_api/ms/base/types.h +282 -0
  110. mindspore/include/c_api/ms/context.h +102 -0
  111. mindspore/include/c_api/ms/graph.h +160 -0
  112. mindspore/include/c_api/ms/node.h +606 -0
  113. mindspore/include/c_api/ms/tensor.h +161 -0
  114. mindspore/include/c_api/ms/value.h +84 -0
  115. mindspore/include/dataset/constants.h +6 -5
  116. mindspore/include/dataset/execute.h +23 -13
  117. mindspore/include/dataset/text.h +26 -26
  118. mindspore/include/dataset/transforms.h +13 -13
  119. mindspore/include/dataset/vision.h +60 -60
  120. mindspore/include/dataset/vision_ascend.h +5 -6
  121. mindspore/include/dataset/vision_lite.h +17 -17
  122. mindspore/jpeg62.dll +0 -0
  123. mindspore/mindrecord/tools/imagenet_to_mr.py +1 -1
  124. mindspore/mindrecord/tools/mnist_to_mr.py +2 -2
  125. mindspore/mindspore_backend.dll +0 -0
  126. mindspore/mindspore_common.dll +0 -0
  127. mindspore/mindspore_core.dll +0 -0
  128. mindspore/mindspore_glog.dll +0 -0
  129. mindspore/mindspore_shared_lib.dll +0 -0
  130. mindspore/nn/__init__.py +0 -2
  131. mindspore/nn/cell.py +313 -74
  132. mindspore/nn/dynamic_lr.py +21 -21
  133. mindspore/nn/layer/activation.py +22 -30
  134. mindspore/nn/layer/basic.py +15 -13
  135. mindspore/nn/layer/channel_shuffle.py +1 -1
  136. mindspore/nn/layer/container.py +271 -9
  137. mindspore/nn/layer/conv.py +323 -204
  138. mindspore/nn/layer/dense.py +8 -5
  139. mindspore/nn/layer/embedding.py +33 -27
  140. mindspore/nn/layer/flash_attention.py +61 -95
  141. mindspore/nn/layer/image.py +8 -6
  142. mindspore/nn/layer/math.py +16 -25
  143. mindspore/nn/layer/normalization.py +107 -66
  144. mindspore/nn/layer/padding.py +1 -1
  145. mindspore/nn/layer/pooling.py +131 -109
  146. mindspore/nn/layer/rnn_cells.py +27 -22
  147. mindspore/nn/layer/rnns.py +13 -16
  148. mindspore/nn/layer/thor_layer.py +1 -1
  149. mindspore/nn/layer/transformer.py +221 -154
  150. mindspore/nn/learning_rate_schedule.py +9 -1
  151. mindspore/nn/loss/loss.py +235 -174
  152. mindspore/nn/optim/ada_grad.py +2 -1
  153. mindspore/nn/optim/adadelta.py +1 -0
  154. mindspore/nn/optim/adafactor.py +2 -1
  155. mindspore/nn/optim/adam.py +7 -4
  156. mindspore/nn/optim/adamax.py +3 -2
  157. mindspore/nn/optim/adasum.py +2 -2
  158. mindspore/nn/optim/asgd.py +2 -3
  159. mindspore/nn/optim/ftrl.py +6 -5
  160. mindspore/nn/optim/lamb.py +7 -4
  161. mindspore/nn/optim/lars.py +1 -1
  162. mindspore/nn/optim/lazyadam.py +5 -3
  163. mindspore/nn/optim/momentum.py +2 -1
  164. mindspore/nn/optim/optimizer.py +53 -4
  165. mindspore/nn/optim/proximal_ada_grad.py +3 -4
  166. mindspore/nn/optim/rmsprop.py +4 -3
  167. mindspore/nn/optim/rprop.py +23 -12
  168. mindspore/nn/optim/sgd.py +26 -11
  169. mindspore/nn/optim/thor.py +9 -7
  170. mindspore/nn/probability/bijector/bijector.py +5 -5
  171. mindspore/nn/probability/bijector/power_transform.py +27 -27
  172. mindspore/nn/probability/bijector/softplus.py +3 -3
  173. mindspore/nn/probability/distribution/_utils/custom_ops.py +3 -3
  174. mindspore/nn/probability/distribution/bernoulli.py +5 -5
  175. mindspore/nn/probability/distribution/beta.py +3 -3
  176. mindspore/nn/probability/distribution/categorical.py +7 -7
  177. mindspore/nn/probability/distribution/cauchy.py +0 -1
  178. mindspore/nn/probability/distribution/distribution.py +3 -3
  179. mindspore/nn/probability/distribution/gamma.py +3 -3
  180. mindspore/nn/probability/distribution/geometric.py +4 -4
  181. mindspore/nn/probability/distribution/gumbel.py +4 -4
  182. mindspore/nn/probability/distribution/log_normal.py +2 -2
  183. mindspore/nn/probability/distribution/logistic.py +2 -2
  184. mindspore/nn/probability/distribution/poisson.py +4 -4
  185. mindspore/nn/probability/distribution/transformed_distribution.py +3 -3
  186. mindspore/nn/probability/distribution/uniform.py +6 -6
  187. mindspore/nn/wrap/__init__.py +4 -2
  188. mindspore/nn/wrap/cell_wrapper.py +87 -34
  189. mindspore/nn/wrap/grad_reducer.py +8 -5
  190. mindspore/nn/wrap/loss_scale.py +105 -42
  191. mindspore/numpy/array_creations.py +1 -2
  192. mindspore/numpy/array_ops.py +3 -2
  193. mindspore/numpy/utils_const.py +5 -5
  194. mindspore/opencv_core452.dll +0 -0
  195. mindspore/opencv_imgcodecs452.dll +0 -0
  196. mindspore/opencv_imgproc452.dll +0 -0
  197. mindspore/ops/_grad_experimental/__init__.py +0 -5
  198. mindspore/ops/_grad_experimental/grad_array_ops.py +2 -3
  199. mindspore/ops/_grad_experimental/grad_comm_ops.py +15 -2
  200. mindspore/ops/_grad_experimental/grad_debug_ops.py +0 -37
  201. mindspore/ops/_grad_experimental/grad_implementations.py +11 -1
  202. mindspore/ops/_grad_experimental/grad_inner_ops.py +2 -216
  203. mindspore/ops/_grad_experimental/grad_math_ops.py +19 -199
  204. mindspore/ops/_grad_experimental/grad_sparse.py +15 -0
  205. mindspore/ops/_grad_experimental/grad_sparse_ops.py +3 -3
  206. mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -1
  207. mindspore/ops/_op_impl/aicpu/__init__.py +14 -2
  208. mindspore/ops/_op_impl/aicpu/add.py +3 -3
  209. mindspore/ops/_op_impl/aicpu/bias_add_grad.py +0 -1
  210. mindspore/ops/_op_impl/aicpu/count_nonzero.py +43 -0
  211. mindspore/ops/_op_impl/{_custom_op/flash_attention/constants.py → aicpu/eps.py} +18 -27
  212. mindspore/ops/_op_impl/aicpu/gamma.py +2 -2
  213. mindspore/ops/_op_impl/aicpu/linear_sum_assignment.py +21 -2
  214. mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +6 -3
  215. mindspore/ops/_op_impl/aicpu/lu_unpack_grad.py +0 -1
  216. mindspore/ops/_op_impl/aicpu/multinomial.py +3 -3
  217. mindspore/ops/_op_impl/aicpu/parameterized_truncated_normal.py +15 -7
  218. mindspore/ops/_op_impl/aicpu/random_categorical.py +39 -19
  219. mindspore/ops/_op_impl/aicpu/random_choice_with_mask.py +5 -2
  220. mindspore/ops/_op_impl/aicpu/random_poisson.py +103 -52
  221. mindspore/ops/_op_impl/aicpu/random_shuffle.py +17 -15
  222. mindspore/ops/_op_impl/aicpu/{sparseaddmm.py → sparse_addmm.py} +2 -2
  223. mindspore/ops/_op_impl/aicpu/{sparsesparsemaximum.py → sparse_sparse_maximum.py} +4 -4
  224. mindspore/ops/_op_impl/aicpu/standard_laplace.py +5 -5
  225. mindspore/ops/_op_impl/aicpu/standard_normal.py +5 -5
  226. mindspore/ops/_op_impl/aicpu/truncated_normal.py +9 -7
  227. mindspore/ops/_op_impl/aicpu/uniform.py +5 -3
  228. mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +8 -4
  229. mindspore/ops/_op_impl/aicpu/uniform_int.py +5 -5
  230. mindspore/ops/_op_impl/aicpu/uniform_real.py +4 -4
  231. mindspore/ops/_op_impl/tbe/__init__.py +4 -4
  232. mindspore/ops/_op_impl/tbe/inplace_index_add.py +7 -3
  233. mindspore/ops/_op_impl/tbe/trans_data_ds.py +2 -0
  234. mindspore/ops/_primitive_cache.py +1 -1
  235. mindspore/ops/_tracefunc.py +45 -13
  236. mindspore/ops/_utils/utils.py +6 -1
  237. mindspore/ops/_vmap/vmap_array_ops.py +3 -3
  238. mindspore/ops/_vmap/vmap_base.py +3 -3
  239. mindspore/ops/_vmap/vmap_convolution_ops.py +1 -1
  240. mindspore/ops/_vmap/vmap_grad_math_ops.py +6 -4
  241. mindspore/ops/_vmap/vmap_math_ops.py +5 -2
  242. mindspore/ops/_vmap/vmap_nn_ops.py +61 -7
  243. mindspore/ops/arg_dtype_cast.py +54 -0
  244. mindspore/ops/composite/base.py +37 -10
  245. mindspore/ops/composite/math_ops.py +5 -4
  246. mindspore/ops/composite/multitype_ops/_compile_utils.py +275 -73
  247. mindspore/ops/composite/multitype_ops/_constexpr_utils.py +16 -9
  248. mindspore/ops/composite/multitype_ops/add_impl.py +43 -4
  249. mindspore/ops/composite/multitype_ops/getitem_impl.py +42 -4
  250. mindspore/ops/composite/multitype_ops/ones_like_impl.py +6 -0
  251. mindspore/ops/composite/multitype_ops/setitem_impl.py +2 -1
  252. mindspore/ops/composite/multitype_ops/zeros_like_impl.py +9 -0
  253. mindspore/ops/deprecated.py +304 -0
  254. mindspore/ops/function/__init__.py +4 -1
  255. mindspore/ops/function/array_func.py +174 -193
  256. mindspore/ops/function/clip_func.py +81 -13
  257. mindspore/ops/function/debug_func.py +1 -1
  258. mindspore/ops/function/grad/grad_func.py +18 -9
  259. mindspore/ops/function/image_func.py +10 -4
  260. mindspore/ops/function/linalg_func.py +5 -5
  261. mindspore/ops/function/math_func.py +575 -386
  262. mindspore/ops/function/nn_func.py +568 -260
  263. mindspore/ops/function/random_func.py +88 -57
  264. mindspore/ops/function/sparse_func.py +1 -1
  265. mindspore/ops/function/sparse_unary_func.py +14 -12
  266. mindspore/ops/function/vmap_func.py +6 -5
  267. mindspore/ops/functional.py +15 -10
  268. mindspore/ops/op_info_register.py +244 -25
  269. mindspore/ops/operations/__init__.py +31 -19
  270. mindspore/ops/operations/_grad_ops.py +71 -7
  271. mindspore/ops/operations/_inner_ops.py +350 -17
  272. mindspore/ops/operations/_quant_ops.py +4 -8
  273. mindspore/ops/operations/_sequence_ops.py +42 -0
  274. mindspore/ops/operations/array_ops.py +68 -282
  275. mindspore/ops/operations/comm_ops.py +107 -59
  276. mindspore/ops/operations/custom_ops.py +94 -70
  277. mindspore/ops/operations/debug_ops.py +8 -4
  278. mindspore/ops/operations/image_ops.py +18 -12
  279. mindspore/ops/operations/inner_ops.py +26 -3
  280. mindspore/ops/operations/math_ops.py +192 -144
  281. mindspore/ops/operations/nn_ops.py +857 -489
  282. mindspore/ops/operations/other_ops.py +0 -22
  283. mindspore/ops/operations/random_ops.py +53 -111
  284. mindspore/ops/operations/sparse_ops.py +3 -1
  285. mindspore/ops/primitive.py +24 -18
  286. mindspore/parallel/_auto_parallel_context.py +68 -8
  287. mindspore/parallel/_cost_model_context.py +2 -2
  288. mindspore/parallel/_offload_context.py +17 -3
  289. mindspore/parallel/_parallel_serialization.py +12 -5
  290. mindspore/parallel/_ps_context.py +12 -0
  291. mindspore/parallel/_tensor.py +18 -13
  292. mindspore/parallel/_transformer/layers.py +5 -3
  293. mindspore/parallel/_transformer/loss.py +1 -0
  294. mindspore/parallel/_transformer/moe.py +2 -2
  295. mindspore/parallel/_transformer/op_parallel_config.py +12 -1
  296. mindspore/parallel/_transformer/transformer.py +23 -3
  297. mindspore/parallel/_utils.py +11 -7
  298. mindspore/parallel/algo_parameter_config.py +85 -5
  299. mindspore/parallel/checkpoint_transform.py +19 -12
  300. mindspore/parallel/shard.py +21 -14
  301. mindspore/profiler/common/struct_type.py +3 -3
  302. mindspore/profiler/common/util.py +4 -2
  303. mindspore/profiler/envprofiling.py +1 -1
  304. mindspore/profiler/parser/aicpu_data_parser.py +5 -3
  305. mindspore/profiler/parser/ascend_flops_generator.py +2 -2
  306. mindspore/profiler/parser/ascend_fpbp_generator.py +1 -1
  307. mindspore/profiler/parser/ascend_hccl_generator.py +249 -12
  308. mindspore/profiler/parser/ascend_msprof_exporter.py +150 -255
  309. mindspore/profiler/parser/ascend_msprof_generator.py +204 -17
  310. mindspore/profiler/parser/ascend_op_generator.py +6 -6
  311. mindspore/profiler/parser/ascend_steptrace_generator.py +6 -4
  312. mindspore/profiler/parser/ascend_timeline_generator.py +14 -187
  313. mindspore/profiler/parser/base_timeline_generator.py +10 -8
  314. mindspore/profiler/parser/cpu_gpu_timeline_generator.py +16 -12
  315. mindspore/profiler/parser/flops_parser.py +15 -11
  316. mindspore/profiler/parser/framework_parser.py +38 -22
  317. mindspore/profiler/parser/hccl_parser.py +16 -12
  318. mindspore/profiler/parser/integrator.py +22 -11
  319. mindspore/profiler/parser/memory_usage_parser.py +2 -2
  320. mindspore/profiler/parser/minddata_analyzer.py +12 -14
  321. mindspore/profiler/parser/minddata_pipeline_parser.py +1 -1
  322. mindspore/profiler/parser/msadvisor_parser.py +8 -4
  323. mindspore/profiler/parser/op_intermediate_parser.py +5 -2
  324. mindspore/profiler/parser/optime_parser.py +1 -1
  325. mindspore/profiler/parser/profiler_info.py +21 -2
  326. mindspore/profiler/parser/step_trace_parser.py +11 -14
  327. mindspore/profiler/profiling.py +179 -89
  328. mindspore/rewrite/api/node.py +102 -19
  329. mindspore/rewrite/api/node_type.py +5 -1
  330. mindspore/rewrite/api/pattern_engine.py +1 -1
  331. mindspore/rewrite/api/scoped_value.py +9 -17
  332. mindspore/rewrite/api/symbol_tree.py +131 -47
  333. mindspore/rewrite/ast_helpers/__init__.py +2 -1
  334. mindspore/rewrite/ast_helpers/ast_finder.py +129 -0
  335. mindspore/rewrite/ast_helpers/ast_modifier.py +116 -104
  336. mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +93 -46
  337. mindspore/rewrite/common/rewrite_elog.py +5 -1
  338. mindspore/rewrite/namer.py +33 -24
  339. mindspore/rewrite/namespace.py +14 -5
  340. mindspore/{_extends/graph_kernel/expanders/complex → rewrite/node}/__init__.py +9 -9
  341. mindspore/rewrite/node/call_function.py +79 -0
  342. mindspore/rewrite/node/cell_container.py +135 -0
  343. mindspore/rewrite/node/control_flow.py +88 -0
  344. mindspore/rewrite/{node.py → node/node.py} +273 -234
  345. mindspore/rewrite/node/node_manager.py +254 -0
  346. mindspore/rewrite/{topological_manager.py → node/node_topological_manager.py} +13 -46
  347. mindspore/rewrite/parsers/arguments_parser.py +22 -21
  348. mindspore/rewrite/parsers/assign_parser.py +216 -221
  349. mindspore/rewrite/parsers/attribute_parser.py +9 -7
  350. mindspore/rewrite/parsers/class_def_parser.py +174 -113
  351. mindspore/rewrite/parsers/constant_parser.py +9 -6
  352. mindspore/rewrite/parsers/container_parser.py +9 -7
  353. mindspore/rewrite/parsers/for_parser.py +42 -21
  354. mindspore/rewrite/parsers/function_def_parser.py +24 -16
  355. mindspore/rewrite/parsers/if_parser.py +28 -24
  356. mindspore/rewrite/parsers/module_parser.py +196 -25
  357. mindspore/rewrite/{parser.py → parsers/parser.py} +4 -2
  358. mindspore/rewrite/{parser_register.py → parsers/parser_register.py} +1 -1
  359. mindspore/rewrite/parsers/return_parser.py +6 -6
  360. mindspore/rewrite/sparsify/sparse_transformer.py +12 -3
  361. mindspore/rewrite/sparsify/utils.py +1 -1
  362. mindspore/rewrite/symbol_tree.py +523 -578
  363. mindspore/rewrite/symbol_tree_builder.py +9 -193
  364. mindspore/rewrite/symbol_tree_dumper.py +2 -2
  365. mindspore/run_check/_check_version.py +6 -4
  366. mindspore/{ops/bprop_mindir → safeguard}/__init__.py +4 -3
  367. mindspore/safeguard/rewrite_obfuscation.py +541 -0
  368. mindspore/tinyxml2.dll +0 -0
  369. mindspore/train/_utils.py +7 -3
  370. mindspore/train/amp.py +323 -123
  371. mindspore/train/anf_ir_pb2.py +14 -2
  372. mindspore/train/callback/_backup_and_restore.py +2 -12
  373. mindspore/train/callback/_callback.py +29 -4
  374. mindspore/train/callback/_checkpoint.py +23 -8
  375. mindspore/train/callback/_early_stop.py +2 -2
  376. mindspore/train/callback/_landscape.py +4 -4
  377. mindspore/train/callback/_loss_monitor.py +2 -2
  378. mindspore/train/callback/_on_request_exit.py +2 -2
  379. mindspore/train/callback/_reduce_lr_on_plateau.py +3 -4
  380. mindspore/train/callback/_summary_collector.py +15 -8
  381. mindspore/train/callback/_time_monitor.py +58 -5
  382. mindspore/train/data_sink.py +5 -11
  383. mindspore/train/dataset_helper.py +84 -57
  384. mindspore/train/loss_scale_manager.py +2 -2
  385. mindspore/train/metrics/__init__.py +3 -3
  386. mindspore/train/metrics/cosine_similarity.py +1 -1
  387. mindspore/train/metrics/hausdorff_distance.py +3 -2
  388. mindspore/train/metrics/mean_surface_distance.py +3 -2
  389. mindspore/train/metrics/metric.py +39 -19
  390. mindspore/train/metrics/roc.py +2 -2
  391. mindspore/train/metrics/root_mean_square_surface_distance.py +4 -3
  392. mindspore/train/mind_ir_pb2.py +85 -36
  393. mindspore/train/model.py +187 -47
  394. mindspore/train/serialization.py +487 -161
  395. mindspore/train/summary/_summary_adapter.py +1 -1
  396. mindspore/train/summary/_writer_pool.py +3 -2
  397. mindspore/train/summary/summary_record.py +37 -17
  398. mindspore/train/train_thor/convert_utils.py +3 -3
  399. mindspore/train/train_thor/dataset_helper.py +1 -1
  400. mindspore/turbojpeg.dll +0 -0
  401. mindspore/version.py +1 -1
  402. {mindspore-2.1.0.dist-info → mindspore-2.2.11.dist-info}/METADATA +7 -4
  403. {mindspore-2.1.0.dist-info → mindspore-2.2.11.dist-info}/RECORD +406 -463
  404. mindspore/_extends/graph_kernel/expander.py +0 -80
  405. mindspore/_extends/graph_kernel/expanders/__init__.py +0 -54
  406. mindspore/_extends/graph_kernel/expanders/_utils.py +0 -269
  407. mindspore/_extends/graph_kernel/expanders/addn.py +0 -33
  408. mindspore/_extends/graph_kernel/expanders/batchnorm.py +0 -152
  409. mindspore/_extends/graph_kernel/expanders/batchnorm_grad.py +0 -105
  410. mindspore/_extends/graph_kernel/expanders/clip_by_norm_no_div_sum.py +0 -33
  411. mindspore/_extends/graph_kernel/expanders/complex/abs.py +0 -30
  412. mindspore/_extends/graph_kernel/expanders/complex/add.py +0 -44
  413. mindspore/_extends/graph_kernel/expanders/complex/div.py +0 -62
  414. mindspore/_extends/graph_kernel/expanders/complex/mul.py +0 -52
  415. mindspore/_extends/graph_kernel/expanders/complex/real_div.py +0 -62
  416. mindspore/_extends/graph_kernel/expanders/complex/sub.py +0 -45
  417. mindspore/_extends/graph_kernel/expanders/conv2d.py +0 -200
  418. mindspore/_extends/graph_kernel/expanders/dropout_grad.py +0 -30
  419. mindspore/_extends/graph_kernel/expanders/equal_count.py +0 -50
  420. mindspore/_extends/graph_kernel/expanders/erfc.py +0 -35
  421. mindspore/_extends/graph_kernel/expanders/expand_dims.py +0 -50
  422. mindspore/_extends/graph_kernel/expanders/fused_adam.py +0 -44
  423. mindspore/_extends/graph_kernel/expanders/fused_adam_weight_decay.py +0 -47
  424. mindspore/_extends/graph_kernel/expanders/fused_mul_add.py +0 -28
  425. mindspore/_extends/graph_kernel/expanders/gelu_grad.py +0 -70
  426. mindspore/_extends/graph_kernel/expanders/gkdropout.py +0 -40
  427. mindspore/_extends/graph_kernel/expanders/identity.py +0 -25
  428. mindspore/_extends/graph_kernel/expanders/layernorm.py +0 -93
  429. mindspore/_extends/graph_kernel/expanders/layernorm_grad.py +0 -113
  430. mindspore/_extends/graph_kernel/expanders/logsoftmax.py +0 -46
  431. mindspore/_extends/graph_kernel/expanders/logsoftmax_grad.py +0 -36
  432. mindspore/_extends/graph_kernel/expanders/matmul.py +0 -80
  433. mindspore/_extends/graph_kernel/expanders/maximum_grad.py +0 -59
  434. mindspore/_extends/graph_kernel/expanders/minimum_grad.py +0 -80
  435. mindspore/_extends/graph_kernel/expanders/oneslike.py +0 -26
  436. mindspore/_extends/graph_kernel/expanders/reduce_mean.py +0 -43
  437. mindspore/_extends/graph_kernel/expanders/relu_grad.py +0 -32
  438. mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits.py +0 -41
  439. mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits_grad.py +0 -35
  440. mindspore/_extends/graph_kernel/expanders/sigmoid_grad.py +0 -31
  441. mindspore/_extends/graph_kernel/expanders/slice.py +0 -35
  442. mindspore/_extends/graph_kernel/expanders/softmax_cross_entropy_with_logits.py +0 -42
  443. mindspore/_extends/graph_kernel/expanders/softmax_grad_ext.py +0 -41
  444. mindspore/_extends/graph_kernel/expanders/softsign.py +0 -28
  445. mindspore/_extends/graph_kernel/expanders/sqrt_grad.py +0 -29
  446. mindspore/_extends/graph_kernel/expanders/square_sum_all.py +0 -44
  447. mindspore/_extends/graph_kernel/expanders/square_sum_v1.py +0 -37
  448. mindspore/_extends/graph_kernel/expanders/squared_difference.py +0 -43
  449. mindspore/_extends/graph_kernel/expanders/tanh_grad.py +0 -31
  450. mindspore/_extends/graph_kernel/model/op_infer.py +0 -506
  451. mindspore/dataset/datapreprocess/__init__.py +0 -20
  452. mindspore/dataset/datapreprocess/preprocess_imagenet_validate_dataset.py +0 -54
  453. mindspore/include/api/net.h +0 -142
  454. mindspore/nn/lr_scheduler.py +0 -262
  455. mindspore/ops/_grad_experimental/grad_image_ops.py +0 -248
  456. mindspore/ops/_grad_experimental/grad_linalg_ops.py +0 -181
  457. mindspore/ops/_grad_experimental/grad_other_ops.py +0 -72
  458. mindspore/ops/_grad_experimental/grad_scalar_ops.py +0 -112
  459. mindspore/ops/_grad_experimental/grad_sequence_ops.py +0 -351
  460. mindspore/ops/_op_impl/_custom_op/flash_attention/__init__.py +0 -0
  461. mindspore/ops/_op_impl/_custom_op/flash_attention/attention.py +0 -350
  462. mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_bwd.py +0 -409
  463. mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_fwd.py +0 -578
  464. mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_impl.py +0 -199
  465. mindspore/ops/_op_impl/_custom_op/flash_attention/tik_ops_utils.py +0 -446
  466. mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/__init__.py +0 -0
  467. mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/sparse_tiling.py +0 -45
  468. mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/strategy.py +0 -67
  469. mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/wukong_tiling.py +0 -62
  470. mindspore/ops/bprop_mindir/BNTrainingReduce_bprop.mindir +0 -0
  471. mindspore/ops/bprop_mindir/Broadcast_bprop.mindir +0 -0
  472. mindspore/ops/bprop_mindir/Depend_bprop.mindir +0 -0
  473. mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +0 -138
  474. mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
  475. mindspore/ops/bprop_mindir/Load_bprop.mindir +0 -0
  476. mindspore/ops/bprop_mindir/ScatterNonAliasingAdd_bprop.mindir +0 -0
  477. mindspore/ops/bprop_mindir/SparseGatherV2_bprop.mindir +0 -0
  478. mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
  479. mindspore/ops/bprop_mindir/Switch_bprop.mindir +0 -0
  480. mindspore/ops/bprop_mindir/TransShape_bprop.mindir +0 -0
  481. mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +0 -0
  482. mindspore/ops/bprop_mindir/Unique_bprop.mindir +0 -0
  483. mindspore/ops/bprop_mindir/Unstack_bprop.mindir +0 -0
  484. mindspore/ops/bprop_mindir/generate_mindir.py +0 -114
  485. mindspore/rewrite/node_visitor.py +0 -44
  486. {mindspore-2.1.0.dist-info → mindspore-2.2.11.dist-info}/WHEEL +0 -0
  487. {mindspore-2.1.0.dist-info → mindspore-2.2.11.dist-info}/entry_points.txt +0 -0
  488. {mindspore-2.1.0.dist-info → mindspore-2.2.11.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.1/api_python/samples/dataset/text_gallery.html>`_
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
- Tokenize Chinese string into words based on dictionary.
150
+ Use Jieba tokenizer to tokenize Chinese strings.
151
151
 
152
152
  Note:
153
- The integrity of the HMMSEgment algorithm and MPSegment algorithm files must be confirmed.
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): Dictionary file is used by HMMSegment algorithm.
157
- The dictionary can be obtained on the official website of cppjieba.
158
- mp_path (str): Dictionary file is used by MPSegment algorithm.
159
- The dictionary can be obtained on the official website of cppjieba.
160
- mode (JiebaMode, optional): Valid values can be ``JiebaMode.MP``, ``JiebaMode.HMM``,
161
- ``JiebaMode.MIX``. Default: ``JiebaMode.MIX``.
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
- ValueError: If path of HMMSegment dict is not provided.
173
- ValueError: If path of MPSegment dict is not provided.
174
- TypeError: If `hmm_path` or `mp_path` is not of type string.
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.1/api_python/samples/dataset/text_gallery.html>`_
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 user defined word to JiebaTokenizer's dictionary.
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 JiebaTokenizer instance.
241
- The added word will not be written into the built-in dictionary on disk.
242
- freq (int, optional): The frequency of the word to be added. The higher the frequency,
243
- the better chance the word will be tokenized. Default: ``None``, use default frequency.
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 a user defined word to JiebaTokenizer's dictionary.
267
+ Add the specified word mappings to the Vocab of the tokenizer.
274
268
 
275
269
  Args:
276
- user_dict (Union[str, dict]): One of the two loading methods is file path(str) loading
277
- (according to the Jieba dictionary format) and the other is Python dictionary(dict) loading,
278
- Python Dict format: {word1:freq1, word2:freq2,...}.
279
- Jieba dictionary format : word(required), freq(optional), such as:
280
-
281
- .. code-block::
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.1/api_python/samples/dataset/text_gallery.html>`_
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.1/api_python/samples/dataset/text_gallery.html>`_
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.1/api_python/samples/dataset/text_gallery.html>`_
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.1/api_python/samples/dataset/text_gallery.html>`_
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.1/api_python/samples/dataset/text_gallery.html>`_
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.1/api_python/samples/dataset/text_gallery.html>`_
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.1/api_python/samples/dataset/text_gallery.html>`_
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.1/api_python/samples/dataset/text_gallery.html>`_
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 rank-1 tensors such that the total length is less than max_length.
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): Maximum length required.
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.1/api_python/samples/dataset/text_gallery.html>`_
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
- Tokenize a scalar tensor of UTF-8 string to Unicode characters.
797
+ Unpack the Unicode characters in the input strings.
810
798
 
811
799
  Args:
812
- with_offsets (bool, optional): Whether or not output offsets of tokens. Default: ``False``.
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.1/api_python/samples/dataset/text_gallery.html>`_
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 return the offsets of tokens. Default: ``False``.
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.1/api_python/samples/dataset/text_gallery.html>`_
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
- `Unicode normalization forms <http://unicode.org/reports/tr15/>`_ , only valid when `lower_case`
939
- is False, can be NormalizeForm.NONE, NormalizeForm.NFC, NormalizeForm.NFKC, NormalizeForm.NFD or
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 return the offsets of tokens. Default: ``False``.
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:`mindspore.dataset.text.NormalizeForm` .
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.1/api_python/samples/dataset/text_gallery.html>`_
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
- `Unicode normalization forms <http://unicode.org/reports/tr15/>`_ , only valid when `lower_case`
1034
- is ``False``, can be ``NormalizeForm.NONE``, ``NormalizeForm.NFC``, ``NormalizeForm.NFKC``,
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 return the offsets of tokens. Default: ``False``.
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:`mindspore.dataset.text.NormalizeForm` .
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.1/api_python/samples/dataset/text_gallery.html>`_
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.1/api_python/samples/dataset/text_gallery.html>`_
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.1/api_python/samples/dataset/text_gallery.html>`_
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
- Apply normalize operation on UTF-8 string tensor.
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): Valid values can be ``NormalizeForm.NONE``, ``NormalizeForm.NFC``,
1190
- ``NormalizeForm.NFKC``, ``NormalizeForm.NFD``, ``NormalizeForm.NFKD`` any of the four unicode
1191
- normalized forms. Default: ``NormalizeForm.NFKC``.
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.1/api_python/samples/dataset/text_gallery.html>`_
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 a part of UTF-8 string tensor with given text according to regular expressions.
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): the regex expression patterns.
1244
- replace (str): the string to replace matched element.
1245
- replace_all (bool, optional): If ``False``, only replace first matched element;
1246
- if ``True``, replace all matched elements. Default: ``True``.
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 string.
1250
- TypeError: If `replace` is not of type string.
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
- >>> pattern = 'Canada'
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=replace_op)
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.1/api_python/samples/dataset/text_gallery.html>`_
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 or not output offsets of tokens. Default: ``False``.
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.1/api_python/samples/dataset/text_gallery.html>`_
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 or not output offsets of tokens. Default: ``False``.
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.1/api_python/samples/dataset/text_gallery.html>`_
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 or not output offsets of tokens. Default: ``False``.
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.1/api_python/samples/dataset/text_gallery.html>`_
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