mindspore 2.4.10__cp39-cp39-win_amd64.whl → 2.6.0__cp39-cp39-win_amd64.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.

Potentially problematic release.


This version of mindspore might be problematic. Click here for more details.

Files changed (579) hide show
  1. mindspore/.commit_id +1 -1
  2. mindspore/__init__.py +13 -6
  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 -0
  7. mindspore/_checkparam.py +3 -38
  8. mindspore/_deprecated/__init__.py +17 -0
  9. mindspore/_deprecated/jit.py +198 -0
  10. mindspore/_extends/builtin_operations.py +1 -1
  11. mindspore/_extends/parallel_compile/akg_compiler/gen_custom_op_files.py +1 -1
  12. mindspore/_extends/parse/__init__.py +6 -7
  13. mindspore/_extends/parse/compile_config.py +83 -0
  14. mindspore/_extends/parse/deprecated/__init__.py +0 -0
  15. mindspore/_extends/parse/deprecated/deprecated_tensor_method.py +394 -0
  16. mindspore/_extends/parse/jit_fallback_modules/__init__.py +0 -0
  17. mindspore/_extends/parse/jit_fallback_modules/check_utils.py +123 -0
  18. mindspore/_extends/parse/jit_fallback_modules/third_party_modules.py +50 -0
  19. mindspore/_extends/parse/parser.py +47 -198
  20. mindspore/_extends/parse/resources.py +1 -5
  21. mindspore/_extends/parse/standard_method.py +229 -99
  22. mindspore/_extends/pijit/__init__.py +2 -2
  23. mindspore/_extends/pijit/pijit_func_white_list.py +17 -12
  24. mindspore/_extends/pijit/tensor_func_list.py +27 -0
  25. mindspore/_extends/utils.py +1 -1
  26. mindspore/amp.py +11 -5
  27. mindspore/avcodec-59.dll +0 -0
  28. mindspore/avdevice-59.dll +0 -0
  29. mindspore/avfilter-8.dll +0 -0
  30. mindspore/avformat-59.dll +0 -0
  31. mindspore/avutil-57.dll +0 -0
  32. mindspore/boost/__init__.py +2 -2
  33. mindspore/boost/base.py +3 -7
  34. mindspore/boost/boost_cell_wrapper.py +138 -43
  35. mindspore/common/__init__.py +6 -3
  36. mindspore/common/_grad_function.py +56 -0
  37. mindspore/common/_pijit_context.py +14 -5
  38. mindspore/common/_register_for_tensor.py +1 -2
  39. mindspore/common/_stub_tensor.py +30 -14
  40. mindspore/common/_tensor_cpp_method.py +17 -0
  41. mindspore/common/_tensor_docs.py +4760 -0
  42. mindspore/common/api.py +480 -372
  43. mindspore/common/auto_dynamic_shape.py +41 -44
  44. mindspore/common/dtype.py +39 -36
  45. mindspore/common/dump.py +9 -6
  46. mindspore/common/file_system.py +9 -1
  47. mindspore/common/generator.py +5 -0
  48. mindspore/common/hook_handle.py +6 -2
  49. mindspore/common/initializer.py +13 -10
  50. mindspore/common/jit_begin_end.py +94 -0
  51. mindspore/common/jit_config.py +6 -1
  52. mindspore/common/jit_context.py +76 -0
  53. mindspore/common/jit_trace.py +378 -0
  54. mindspore/common/lazy_inline.py +9 -3
  55. mindspore/common/mindir_util.py +10 -2
  56. mindspore/common/mutable.py +5 -4
  57. mindspore/common/parameter.py +135 -52
  58. mindspore/common/seed.py +2 -2
  59. mindspore/common/sparse_tensor.py +23 -17
  60. mindspore/common/tensor.py +975 -1981
  61. mindspore/communication/__init__.py +7 -5
  62. mindspore/communication/_comm_helper.py +52 -2
  63. mindspore/communication/comm_func.py +240 -181
  64. mindspore/communication/management.py +95 -26
  65. mindspore/context.py +324 -573
  66. mindspore/dataset/__init__.py +65 -37
  67. mindspore/dataset/audio/__init__.py +2 -8
  68. mindspore/dataset/audio/transforms.py +3 -17
  69. mindspore/dataset/callback/ds_callback.py +2 -1
  70. mindspore/dataset/core/config.py +87 -6
  71. mindspore/dataset/engine/cache_admin.py +3 -3
  72. mindspore/dataset/engine/cache_client.py +6 -5
  73. mindspore/dataset/engine/datasets.py +292 -267
  74. mindspore/dataset/engine/datasets_audio.py +22 -8
  75. mindspore/dataset/engine/datasets_standard_format.py +46 -27
  76. mindspore/dataset/engine/datasets_text.py +78 -48
  77. mindspore/dataset/engine/datasets_user_defined.py +183 -117
  78. mindspore/dataset/engine/datasets_vision.py +120 -44
  79. mindspore/dataset/engine/iterators.py +283 -63
  80. mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +1 -1
  81. mindspore/dataset/engine/obs/util.py +8 -0
  82. mindspore/dataset/engine/queue.py +40 -0
  83. mindspore/dataset/engine/samplers.py +289 -43
  84. mindspore/dataset/engine/serializer_deserializer.py +3 -2
  85. mindspore/dataset/engine/validators.py +53 -11
  86. mindspore/dataset/text/__init__.py +7 -6
  87. mindspore/dataset/text/transforms.py +6 -5
  88. mindspore/dataset/text/utils.py +3 -3
  89. mindspore/dataset/transforms/__init__.py +0 -9
  90. mindspore/dataset/transforms/py_transforms_util.py +17 -0
  91. mindspore/dataset/transforms/transforms.py +31 -14
  92. mindspore/dataset/utils/browse_dataset.py +1 -1
  93. mindspore/dataset/vision/__init__.py +2 -9
  94. mindspore/dataset/vision/transforms.py +202 -158
  95. mindspore/dataset/vision/utils.py +7 -5
  96. mindspore/dataset/vision/validators.py +1 -2
  97. mindspore/device_context/__init__.py +21 -0
  98. mindspore/device_context/ascend/__init__.py +25 -0
  99. mindspore/device_context/ascend/device.py +72 -0
  100. mindspore/device_context/ascend/op_debug.py +153 -0
  101. mindspore/device_context/ascend/op_precision.py +193 -0
  102. mindspore/device_context/ascend/op_tuning.py +123 -0
  103. mindspore/{ops_generate/gen_constants.py → device_context/cpu/__init__.py} +6 -17
  104. mindspore/device_context/cpu/device.py +62 -0
  105. mindspore/device_context/cpu/op_tuning.py +43 -0
  106. mindspore/device_context/gpu/__init__.py +21 -0
  107. mindspore/device_context/gpu/device.py +70 -0
  108. mindspore/device_context/gpu/op_precision.py +67 -0
  109. mindspore/device_context/gpu/op_tuning.py +175 -0
  110. mindspore/device_manager.py +170 -0
  111. mindspore/dnnl.dll +0 -0
  112. mindspore/experimental/es/embedding_service.py +35 -27
  113. mindspore/experimental/llm_boost/__init__.py +1 -0
  114. mindspore/experimental/llm_boost/ascend_native/__init__.py +22 -0
  115. mindspore/experimental/llm_boost/ascend_native/llama_boost_ascend_native.py +209 -0
  116. mindspore/experimental/llm_boost/ascend_native/llm_boost.py +52 -0
  117. mindspore/experimental/llm_boost/atb/boost_base.py +2 -3
  118. mindspore/experimental/llm_boost/atb/llama_boost.py +6 -1
  119. mindspore/experimental/llm_boost/register.py +1 -0
  120. mindspore/experimental/map_parameter.py +4 -4
  121. mindspore/experimental/optim/adadelta.py +6 -6
  122. mindspore/experimental/optim/adagrad.py +4 -4
  123. mindspore/experimental/optim/adam.py +7 -0
  124. mindspore/experimental/optim/adamax.py +4 -4
  125. mindspore/experimental/optim/adamw.py +4 -0
  126. mindspore/experimental/optim/asgd.py +1 -1
  127. mindspore/experimental/optim/lr_scheduler.py +73 -46
  128. mindspore/experimental/optim/radam.py +34 -31
  129. mindspore/experimental/optim/rprop.py +1 -1
  130. mindspore/experimental/optim/sgd.py +1 -1
  131. mindspore/hal/contiguous_tensors_handle.py +6 -10
  132. mindspore/hal/device.py +55 -53
  133. mindspore/hal/event.py +52 -52
  134. mindspore/hal/memory.py +179 -120
  135. mindspore/hal/stream.py +150 -109
  136. mindspore/include/api/context.h +0 -1
  137. mindspore/include/dataset/constants.h +7 -4
  138. mindspore/include/dataset/execute.h +2 -2
  139. mindspore/jpeg62.dll +0 -0
  140. mindspore/log.py +50 -0
  141. mindspore/mindrecord/__init__.py +21 -8
  142. mindspore/mindrecord/config.py +17 -316
  143. mindspore/mindrecord/filereader.py +1 -9
  144. mindspore/mindrecord/filewriter.py +5 -15
  145. mindspore/mindrecord/mindpage.py +1 -9
  146. mindspore/mindspore_backend_common.dll +0 -0
  147. mindspore/mindspore_backend_manager.dll +0 -0
  148. mindspore/mindspore_common.dll +0 -0
  149. mindspore/mindspore_core.dll +0 -0
  150. mindspore/mindspore_dump.dll +0 -0
  151. mindspore/mindspore_frontend.dll +0 -0
  152. mindspore/mindspore_glog.dll +0 -0
  153. mindspore/mindspore_memory_pool.dll +0 -0
  154. mindspore/mindspore_ms_backend.dll +0 -0
  155. mindspore/mindspore_ops.dll +0 -0
  156. mindspore/{mindspore_backend.dll → mindspore_ops_host.dll} +0 -0
  157. mindspore/mindspore_ops_kernel_common.dll +0 -0
  158. mindspore/mindspore_profiler.dll +0 -0
  159. mindspore/mindspore_pyboost.dll +0 -0
  160. mindspore/mindspore_pynative.dll +0 -0
  161. mindspore/mindspore_res_manager.dll +0 -0
  162. mindspore/mindspore_runtime_pipeline.dll +0 -0
  163. mindspore/mint/__init__.py +798 -761
  164. mindspore/mint/distributed/__init__.py +70 -4
  165. mindspore/mint/distributed/distributed.py +2679 -44
  166. mindspore/mint/linalg/__init__.py +8 -0
  167. mindspore/mint/nn/__init__.py +743 -22
  168. mindspore/mint/nn/functional.py +716 -23
  169. mindspore/mint/nn/layer/__init__.py +21 -4
  170. mindspore/mint/nn/layer/_functions.py +334 -0
  171. mindspore/mint/nn/layer/activation.py +276 -1
  172. mindspore/mint/nn/layer/basic.py +123 -0
  173. mindspore/mint/nn/layer/conv.py +933 -0
  174. mindspore/mint/nn/layer/normalization.py +223 -28
  175. mindspore/mint/nn/layer/padding.py +797 -0
  176. mindspore/mint/nn/layer/pooling.py +235 -0
  177. mindspore/mint/optim/__init__.py +3 -1
  178. mindspore/mint/optim/adam.py +223 -0
  179. mindspore/mint/optim/adamw.py +26 -19
  180. mindspore/mint/optim/sgd.py +171 -0
  181. mindspore/mint/special/__init__.py +2 -1
  182. mindspore/multiprocessing/__init__.py +5 -0
  183. mindspore/nn/__init__.py +4 -1
  184. mindspore/nn/cell.py +1373 -192
  185. mindspore/nn/dynamic_lr.py +2 -1
  186. mindspore/nn/layer/activation.py +29 -27
  187. mindspore/nn/layer/basic.py +51 -35
  188. mindspore/nn/layer/channel_shuffle.py +3 -3
  189. mindspore/nn/layer/container.py +1 -1
  190. mindspore/nn/layer/conv.py +53 -42
  191. mindspore/nn/layer/embedding.py +12 -11
  192. mindspore/nn/layer/normalization.py +56 -49
  193. mindspore/nn/layer/padding.py +4 -3
  194. mindspore/nn/layer/pooling.py +120 -42
  195. mindspore/nn/layer/rnn_cells.py +1 -1
  196. mindspore/nn/layer/rnns.py +2 -1
  197. mindspore/nn/layer/timedistributed.py +5 -5
  198. mindspore/nn/layer/transformer.py +59 -36
  199. mindspore/nn/learning_rate_schedule.py +8 -4
  200. mindspore/nn/loss/loss.py +58 -55
  201. mindspore/nn/optim/ada_grad.py +7 -5
  202. mindspore/nn/optim/adadelta.py +11 -9
  203. mindspore/nn/optim/adafactor.py +1 -1
  204. mindspore/nn/optim/adam.py +19 -15
  205. mindspore/nn/optim/adamax.py +8 -7
  206. mindspore/nn/optim/adasum.py +5 -5
  207. mindspore/nn/optim/asgd.py +3 -1
  208. mindspore/nn/optim/ftrl.py +11 -9
  209. mindspore/nn/optim/lamb.py +1 -1
  210. mindspore/nn/optim/lars.py +1 -4
  211. mindspore/nn/optim/lazyadam.py +12 -10
  212. mindspore/nn/optim/momentum.py +7 -6
  213. mindspore/nn/optim/optimizer.py +3 -3
  214. mindspore/nn/optim/proximal_ada_grad.py +12 -10
  215. mindspore/nn/optim/rmsprop.py +13 -12
  216. mindspore/nn/optim/rprop.py +11 -9
  217. mindspore/nn/optim/sgd.py +9 -6
  218. mindspore/nn/optim/tft_wrapper.py +5 -2
  219. mindspore/nn/optim/thor.py +2 -1
  220. mindspore/nn/probability/bijector/bijector.py +17 -11
  221. mindspore/nn/probability/bijector/gumbel_cdf.py +5 -5
  222. mindspore/nn/probability/bijector/invert.py +2 -2
  223. mindspore/nn/probability/bijector/scalar_affine.py +3 -3
  224. mindspore/nn/probability/bijector/softplus.py +3 -2
  225. mindspore/nn/probability/distribution/beta.py +3 -3
  226. mindspore/nn/probability/distribution/categorical.py +1 -1
  227. mindspore/nn/probability/distribution/cauchy.py +4 -2
  228. mindspore/nn/probability/distribution/exponential.py +6 -7
  229. mindspore/nn/probability/distribution/gamma.py +2 -2
  230. mindspore/nn/probability/distribution/gumbel.py +2 -2
  231. mindspore/nn/probability/distribution/half_normal.py +5 -3
  232. mindspore/nn/probability/distribution/logistic.py +5 -3
  233. mindspore/nn/probability/distribution/poisson.py +1 -1
  234. mindspore/nn/probability/distribution/uniform.py +5 -3
  235. mindspore/nn/reinforcement/_tensors_queue.py +1 -1
  236. mindspore/nn/reinforcement/tensor_array.py +1 -1
  237. mindspore/nn/utils/init.py +13 -11
  238. mindspore/nn/wrap/__init__.py +6 -6
  239. mindspore/nn/wrap/cell_wrapper.py +181 -122
  240. mindspore/nn/wrap/grad_reducer.py +45 -36
  241. mindspore/nn/wrap/loss_scale.py +6 -7
  242. mindspore/numpy/array_creations.py +63 -65
  243. mindspore/numpy/array_ops.py +149 -144
  244. mindspore/numpy/logic_ops.py +41 -42
  245. mindspore/numpy/math_ops.py +361 -359
  246. mindspore/numpy/utils.py +17 -18
  247. mindspore/numpy/utils_const.py +5 -6
  248. mindspore/opencv_core452.dll +0 -0
  249. mindspore/opencv_imgcodecs452.dll +0 -0
  250. mindspore/opencv_imgproc452.dll +0 -0
  251. mindspore/ops/__init__.py +5 -3
  252. mindspore/ops/_grad_experimental/grad_comm_ops.py +112 -16
  253. mindspore/ops/_grad_experimental/grad_debug_ops.py +14 -2
  254. mindspore/ops/_grad_experimental/grad_inner_ops.py +9 -0
  255. mindspore/ops/_grad_experimental/grad_math_ops.py +2 -1
  256. mindspore/ops/_grad_experimental/taylor_rule.py +29 -0
  257. mindspore/ops/_op_impl/cpu/__init__.py +1 -0
  258. mindspore/ops/_op_impl/cpu/raise_op.py +28 -0
  259. mindspore/ops/_register_for_op.py +0 -11
  260. mindspore/{ops_generate → ops/_utils}/arg_dtype_cast.py +123 -4
  261. mindspore/{ops_generate → ops/_utils}/arg_handler.py +3 -65
  262. mindspore/ops/_vmap/vmap_array_ops.py +52 -25
  263. mindspore/ops/_vmap/vmap_base.py +0 -2
  264. mindspore/ops/_vmap/vmap_grad_nn_ops.py +21 -14
  265. mindspore/ops/_vmap/vmap_math_ops.py +15 -16
  266. mindspore/ops/_vmap/vmap_nn_ops.py +29 -42
  267. mindspore/ops/auto_generate/__init__.py +4 -3
  268. mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +258 -46
  269. mindspore/ops/auto_generate/gen_extend_func.py +757 -185
  270. mindspore/ops/auto_generate/gen_ops_def.py +4197 -2243
  271. mindspore/ops/auto_generate/gen_ops_prim.py +16976 -6055
  272. mindspore/ops/auto_generate/pyboost_inner_prim.py +221 -87
  273. mindspore/ops/composite/__init__.py +2 -1
  274. mindspore/ops/composite/base.py +20 -25
  275. mindspore/ops/composite/math_ops.py +6 -16
  276. mindspore/ops/composite/multitype_ops/__init__.py +5 -2
  277. mindspore/ops/composite/multitype_ops/_compile_utils.py +228 -30
  278. mindspore/ops/composite/multitype_ops/_constexpr_utils.py +1 -2
  279. mindspore/ops/composite/multitype_ops/add_impl.py +2 -1
  280. mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +2 -1
  281. mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +2 -1
  282. mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +2 -1
  283. mindspore/ops/composite/multitype_ops/div_impl.py +6 -4
  284. mindspore/ops/composite/multitype_ops/equal_impl.py +4 -3
  285. mindspore/ops/composite/multitype_ops/floordiv_impl.py +2 -1
  286. mindspore/ops/composite/multitype_ops/getitem_impl.py +3 -2
  287. mindspore/ops/composite/multitype_ops/greater_equal_impl.py +4 -3
  288. mindspore/ops/composite/multitype_ops/greater_impl.py +4 -3
  289. mindspore/ops/composite/multitype_ops/in_impl.py +2 -1
  290. mindspore/ops/composite/multitype_ops/invert_impl.py +50 -0
  291. mindspore/ops/composite/multitype_ops/left_shift_impl.py +2 -1
  292. mindspore/ops/composite/multitype_ops/less_equal_impl.py +4 -3
  293. mindspore/ops/composite/multitype_ops/less_impl.py +4 -3
  294. mindspore/ops/composite/multitype_ops/logic_not_impl.py +3 -2
  295. mindspore/ops/composite/multitype_ops/logical_and_impl.py +2 -1
  296. mindspore/ops/composite/multitype_ops/logical_or_impl.py +2 -1
  297. mindspore/ops/composite/multitype_ops/mod_impl.py +2 -1
  298. mindspore/ops/composite/multitype_ops/mul_impl.py +3 -2
  299. mindspore/ops/composite/multitype_ops/negative_impl.py +2 -1
  300. mindspore/ops/composite/multitype_ops/not_equal_impl.py +2 -1
  301. mindspore/ops/composite/multitype_ops/not_in_impl.py +2 -1
  302. mindspore/ops/composite/multitype_ops/ones_like_impl.py +18 -0
  303. mindspore/ops/composite/multitype_ops/pow_impl.py +2 -30
  304. mindspore/ops/composite/multitype_ops/right_shift_impl.py +2 -1
  305. mindspore/ops/composite/multitype_ops/setitem_impl.py +2 -1
  306. mindspore/ops/composite/multitype_ops/sub_impl.py +2 -1
  307. mindspore/ops/function/__init__.py +40 -2
  308. mindspore/ops/function/_add_attr_func.py +58 -0
  309. mindspore/ops/function/array_func.py +2089 -2403
  310. mindspore/ops/function/clip_func.py +80 -23
  311. mindspore/ops/function/debug_func.py +57 -57
  312. mindspore/ops/function/grad/__init__.py +1 -0
  313. mindspore/ops/function/grad/grad_func.py +104 -71
  314. mindspore/ops/function/image_func.py +2 -2
  315. mindspore/ops/function/linalg_func.py +47 -78
  316. mindspore/ops/function/math_func.py +4351 -3813
  317. mindspore/ops/function/nn_func.py +1712 -637
  318. mindspore/ops/function/other_func.py +159 -1
  319. mindspore/ops/function/parameter_func.py +18 -84
  320. mindspore/ops/function/random_func.py +452 -387
  321. mindspore/ops/function/reshard_func.py +4 -70
  322. mindspore/ops/function/sparse_func.py +3 -3
  323. mindspore/ops/function/sparse_unary_func.py +6 -6
  324. mindspore/ops/function/spectral_func.py +25 -58
  325. mindspore/ops/function/vmap_func.py +26 -18
  326. mindspore/ops/functional.py +23 -7
  327. mindspore/ops/functional_overload.py +1548 -0
  328. mindspore/ops/op_info_register.py +32 -244
  329. mindspore/ops/operations/__init__.py +23 -15
  330. mindspore/ops/operations/_custom_ops_utils.py +235 -0
  331. mindspore/ops/operations/_embedding_cache_ops.py +4 -4
  332. mindspore/ops/operations/_grad_ops.py +2 -43
  333. mindspore/ops/operations/_infer_ops.py +2 -1
  334. mindspore/ops/operations/_inner_ops.py +43 -84
  335. mindspore/ops/operations/_ms_kernel.py +4 -10
  336. mindspore/ops/operations/_rl_inner_ops.py +1 -1
  337. mindspore/ops/operations/_scalar_ops.py +3 -2
  338. mindspore/ops/operations/_sequence_ops.py +1 -1
  339. mindspore/ops/operations/_tensor_array.py +1 -1
  340. mindspore/ops/operations/array_ops.py +81 -324
  341. mindspore/ops/operations/comm_ops.py +154 -108
  342. mindspore/ops/operations/custom_ops.py +298 -87
  343. mindspore/ops/operations/debug_ops.py +157 -59
  344. mindspore/ops/operations/inner_ops.py +7 -5
  345. mindspore/ops/operations/linalg_ops.py +1 -57
  346. mindspore/ops/operations/manually_defined/_inner.py +1 -1
  347. mindspore/ops/operations/manually_defined/ops_def.py +928 -180
  348. mindspore/ops/operations/math_ops.py +32 -234
  349. mindspore/ops/operations/nn_ops.py +212 -531
  350. mindspore/ops/operations/other_ops.py +62 -9
  351. mindspore/ops/operations/random_ops.py +13 -7
  352. mindspore/ops/operations/reshard_ops.py +1 -1
  353. mindspore/ops/operations/sparse_ops.py +2 -2
  354. mindspore/ops/primitive.py +66 -53
  355. mindspore/ops/tensor_method.py +1895 -0
  356. mindspore/ops_generate/__init__.py +0 -5
  357. mindspore/ops_generate/aclnn/__init__.py +0 -0
  358. mindspore/ops_generate/aclnn/aclnn_kernel_register_auto_cc_generator.py +135 -0
  359. mindspore/ops_generate/aclnn/gen_aclnn_implement.py +257 -0
  360. mindspore/ops_generate/api/__init__.py +0 -0
  361. mindspore/ops_generate/api/add_tensor_docs_generator.py +56 -0
  362. mindspore/ops_generate/api/cpp_create_prim_instance_helper_generator.py +105 -0
  363. mindspore/ops_generate/api/functional_map_cpp_generator.py +504 -0
  364. mindspore/ops_generate/api/functional_overload_py_generator.py +112 -0
  365. mindspore/ops_generate/api/functions_cc_generator.py +237 -0
  366. mindspore/ops_generate/api/gen_api.py +103 -0
  367. mindspore/ops_generate/api/op_api_proto.py +235 -0
  368. mindspore/ops_generate/api/tensor_func_reg_cpp_generator.py +461 -0
  369. mindspore/ops_generate/common/__init__.py +0 -0
  370. mindspore/ops_generate/common/base_generator.py +11 -0
  371. mindspore/ops_generate/common/gen_constants.py +91 -0
  372. mindspore/ops_generate/common/gen_utils.py +348 -0
  373. mindspore/ops_generate/common/op_proto.py +473 -0
  374. mindspore/ops_generate/common/template.py +523 -0
  375. mindspore/ops_generate/gen_ops.py +22 -1069
  376. mindspore/ops_generate/op_def/__init__.py +0 -0
  377. mindspore/ops_generate/op_def/gen_op_def.py +90 -0
  378. mindspore/ops_generate/op_def/lite_ops_cpp_generator.py +191 -0
  379. mindspore/ops_generate/op_def/ops_def_cc_generator.py +296 -0
  380. mindspore/ops_generate/op_def/ops_def_h_generator.py +74 -0
  381. mindspore/ops_generate/op_def/ops_name_h_generator.py +83 -0
  382. mindspore/ops_generate/op_def/ops_primitive_h_generator.py +125 -0
  383. mindspore/ops_generate/op_def_py/__init__.py +0 -0
  384. mindspore/ops_generate/op_def_py/gen_op_def_py.py +47 -0
  385. mindspore/ops_generate/op_def_py/op_def_py_generator.py +132 -0
  386. mindspore/ops_generate/op_def_py/op_prim_py_generator.py +489 -0
  387. mindspore/ops_generate/pyboost/__init__.py +0 -0
  388. mindspore/ops_generate/pyboost/auto_grad_impl_cc_generator.py +139 -0
  389. mindspore/ops_generate/pyboost/auto_grad_reg_cc_generator.py +93 -0
  390. mindspore/ops_generate/pyboost/gen_pyboost_func.py +175 -0
  391. mindspore/ops_generate/pyboost/op_template_parser.py +517 -0
  392. mindspore/ops_generate/pyboost/pyboost_functions_cpp_generator.py +407 -0
  393. mindspore/ops_generate/pyboost/pyboost_functions_h_generator.py +100 -0
  394. mindspore/ops_generate/pyboost/pyboost_functions_py_generator.py +148 -0
  395. mindspore/ops_generate/pyboost/pyboost_grad_function_cpp_generator.py +155 -0
  396. mindspore/ops_generate/pyboost/pyboost_inner_prim_generator.py +132 -0
  397. mindspore/ops_generate/pyboost/pyboost_native_grad_functions_generator.py +272 -0
  398. mindspore/ops_generate/pyboost/pyboost_op_cpp_code_generator.py +938 -0
  399. mindspore/ops_generate/pyboost/pyboost_overload_functions_cpp_generator.py +357 -0
  400. mindspore/ops_generate/{pyboost_utils.py → pyboost/pyboost_utils.py} +179 -36
  401. mindspore/ops_generate/resources/__init__.py +0 -0
  402. mindspore/ops_generate/resources/resource_list.py +30 -0
  403. mindspore/ops_generate/resources/resource_loader.py +36 -0
  404. mindspore/ops_generate/resources/resource_manager.py +64 -0
  405. mindspore/ops_generate/resources/yaml_loader.py +88 -0
  406. mindspore/ops_generate/tensor_py_cc_generator.py +122 -0
  407. mindspore/parallel/__init__.py +7 -3
  408. mindspore/parallel/_auto_parallel_context.py +159 -40
  409. mindspore/parallel/_cell_wrapper.py +132 -15
  410. mindspore/parallel/_parallel_serialization.py +107 -5
  411. mindspore/parallel/_ps_context.py +1 -1
  412. mindspore/parallel/_recovery_context.py +7 -2
  413. mindspore/parallel/_tensor.py +142 -18
  414. mindspore/parallel/_utils.py +199 -23
  415. mindspore/parallel/algo_parameter_config.py +4 -4
  416. mindspore/parallel/auto_parallel.py +732 -0
  417. mindspore/parallel/checkpoint_convert.py +159 -0
  418. mindspore/parallel/checkpoint_transform.py +700 -35
  419. mindspore/parallel/cluster/process_entity/_api.py +276 -50
  420. mindspore/parallel/cluster/process_entity/_utils.py +41 -6
  421. mindspore/parallel/cluster/run.py +21 -4
  422. mindspore/parallel/function/__init__.py +24 -0
  423. mindspore/parallel/function/reshard_func.py +258 -0
  424. mindspore/parallel/nn/__init__.py +25 -0
  425. mindspore/parallel/nn/parallel_cell_wrapper.py +263 -0
  426. mindspore/parallel/nn/parallel_grad_reducer.py +169 -0
  427. mindspore/parallel/parameter_broadcast.py +25 -14
  428. mindspore/parallel/shard.py +137 -59
  429. mindspore/parallel/transform_safetensors.py +364 -305
  430. mindspore/profiler/__init__.py +22 -5
  431. mindspore/profiler/analysis/__init__.py +0 -0
  432. mindspore/profiler/analysis/parser/__init__.py +0 -0
  433. mindspore/profiler/analysis/parser/ascend_cann_parser.py +170 -0
  434. mindspore/profiler/analysis/parser/base_parser.py +158 -0
  435. mindspore/profiler/analysis/parser/framework_cann_relation_parser.py +45 -0
  436. mindspore/profiler/analysis/parser/ms_framework_parser.py +142 -0
  437. mindspore/profiler/analysis/parser/ms_minddata_parser.py +145 -0
  438. mindspore/profiler/analysis/parser/timeline_assembly_factory/__init__.py +0 -0
  439. mindspore/profiler/analysis/parser/timeline_assembly_factory/ascend_timeline_assembler.py +264 -0
  440. mindspore/profiler/analysis/parser/timeline_assembly_factory/base_timeline_assembler.py +40 -0
  441. mindspore/profiler/analysis/parser/timeline_assembly_factory/trace_view_container.py +109 -0
  442. mindspore/profiler/analysis/parser/timeline_creator/__init__.py +0 -0
  443. mindspore/profiler/analysis/parser/timeline_creator/base_timeline_creator.py +44 -0
  444. mindspore/profiler/analysis/parser/timeline_creator/cpu_op_timeline_creator.py +90 -0
  445. mindspore/profiler/analysis/parser/timeline_creator/fwk_timeline_creator.py +76 -0
  446. mindspore/profiler/analysis/parser/timeline_creator/msprof_timeline_creator.py +103 -0
  447. mindspore/profiler/analysis/parser/timeline_creator/scope_layer_timeline_creator.py +134 -0
  448. mindspore/profiler/analysis/parser/timeline_event/__init__.py +0 -0
  449. mindspore/profiler/analysis/parser/timeline_event/base_event.py +233 -0
  450. mindspore/profiler/analysis/parser/timeline_event/cpu_op_event.py +47 -0
  451. mindspore/profiler/analysis/parser/timeline_event/flow_event.py +36 -0
  452. mindspore/profiler/analysis/parser/timeline_event/fwk_event.py +415 -0
  453. mindspore/profiler/analysis/parser/timeline_event/msprof_event.py +73 -0
  454. mindspore/profiler/analysis/parser/timeline_event/scope_layer_event.py +53 -0
  455. mindspore/profiler/analysis/parser/timeline_event/timeline_event_pool.py +146 -0
  456. mindspore/profiler/analysis/task_manager.py +131 -0
  457. mindspore/profiler/analysis/time_converter.py +84 -0
  458. mindspore/profiler/analysis/viewer/__init__.py +0 -0
  459. mindspore/profiler/analysis/viewer/ascend_communication_viewer.py +372 -0
  460. mindspore/profiler/analysis/viewer/ascend_integrate_viewer.py +87 -0
  461. mindspore/profiler/analysis/viewer/ascend_kernel_details_viewer.py +250 -0
  462. mindspore/profiler/analysis/viewer/ascend_memory_viewer.py +320 -0
  463. mindspore/profiler/analysis/viewer/ascend_op_memory_viewer.py +327 -0
  464. mindspore/profiler/analysis/viewer/ascend_step_trace_time_viewer.py +376 -0
  465. mindspore/profiler/analysis/viewer/ascend_timeline_viewer.py +58 -0
  466. mindspore/profiler/analysis/viewer/base_viewer.py +26 -0
  467. mindspore/profiler/analysis/viewer/ms_dataset_viewer.py +96 -0
  468. mindspore/profiler/analysis/viewer/ms_minddata_viewer.py +581 -0
  469. mindspore/profiler/analysis/work_flow.py +73 -0
  470. mindspore/profiler/common/ascend_msprof_exporter.py +139 -0
  471. mindspore/profiler/common/command_executor.py +90 -0
  472. mindspore/profiler/common/constant.py +186 -3
  473. mindspore/profiler/common/file_manager.py +208 -0
  474. mindspore/profiler/common/log.py +130 -0
  475. mindspore/profiler/common/msprof_cmd_tool.py +221 -0
  476. mindspore/profiler/common/path_manager.py +395 -0
  477. mindspore/profiler/common/process_bar.py +168 -0
  478. mindspore/profiler/common/process_pool.py +9 -3
  479. mindspore/profiler/common/profiler_context.py +500 -0
  480. mindspore/profiler/common/profiler_info.py +304 -0
  481. mindspore/profiler/common/profiler_meta_data.py +74 -0
  482. mindspore/profiler/common/profiler_output_path.py +284 -0
  483. mindspore/profiler/common/profiler_parameters.py +251 -0
  484. mindspore/profiler/common/profiler_path_manager.py +179 -0
  485. mindspore/profiler/common/record_function.py +76 -0
  486. mindspore/profiler/common/tlv_decoder.py +76 -0
  487. mindspore/profiler/common/util.py +75 -2
  488. mindspore/profiler/dynamic_profiler.py +341 -75
  489. mindspore/profiler/envprofiler.py +163 -0
  490. mindspore/profiler/experimental_config.py +197 -0
  491. mindspore/profiler/mstx.py +242 -0
  492. mindspore/profiler/platform/__init__.py +21 -0
  493. mindspore/profiler/platform/base_profiler.py +40 -0
  494. mindspore/profiler/platform/cpu_profiler.py +124 -0
  495. mindspore/profiler/platform/gpu_profiler.py +74 -0
  496. mindspore/profiler/platform/npu_profiler.py +335 -0
  497. mindspore/profiler/profiler.py +1073 -90
  498. mindspore/profiler/profiler_action_controller.py +187 -0
  499. mindspore/profiler/profiler_interface.py +118 -0
  500. mindspore/profiler/schedule.py +243 -0
  501. mindspore/rewrite/api/node.py +15 -13
  502. mindspore/rewrite/api/symbol_tree.py +2 -3
  503. mindspore/run_check/_check_version.py +27 -20
  504. mindspore/run_check/run_check.py +1 -1
  505. mindspore/runtime/__init__.py +37 -0
  506. mindspore/runtime/device.py +27 -0
  507. mindspore/runtime/event.py +209 -0
  508. mindspore/runtime/executor.py +177 -0
  509. mindspore/runtime/memory.py +416 -0
  510. mindspore/runtime/stream.py +460 -0
  511. mindspore/runtime/thread_bind_core.py +401 -0
  512. mindspore/safeguard/rewrite_obfuscation.py +12 -9
  513. mindspore/swresample-4.dll +0 -0
  514. mindspore/swscale-6.dll +0 -0
  515. mindspore/tinyxml2.dll +0 -0
  516. mindspore/train/__init__.py +8 -8
  517. mindspore/train/_utils.py +96 -27
  518. mindspore/train/amp.py +9 -5
  519. mindspore/train/callback/__init__.py +2 -2
  520. mindspore/train/callback/_callback.py +2 -16
  521. mindspore/train/callback/_checkpoint.py +53 -55
  522. mindspore/train/callback/_cluster_monitor.py +14 -18
  523. mindspore/train/callback/_early_stop.py +1 -1
  524. mindspore/train/callback/_flops_collector.py +103 -68
  525. mindspore/train/callback/_history.py +8 -5
  526. mindspore/train/callback/_lambda_callback.py +2 -2
  527. mindspore/train/callback/_landscape.py +0 -3
  528. mindspore/train/callback/_loss_monitor.py +2 -1
  529. mindspore/train/callback/_on_request_exit.py +6 -5
  530. mindspore/train/callback/_reduce_lr_on_plateau.py +11 -6
  531. mindspore/train/callback/_summary_collector.py +52 -19
  532. mindspore/train/callback/_time_monitor.py +2 -1
  533. mindspore/train/callback/{_tft_register.py → _train_fault_tolerance.py} +228 -108
  534. mindspore/train/data_sink.py +25 -2
  535. mindspore/train/dataset_helper.py +15 -16
  536. mindspore/train/loss_scale_manager.py +8 -7
  537. mindspore/train/metrics/accuracy.py +3 -3
  538. mindspore/train/metrics/confusion_matrix.py +9 -9
  539. mindspore/train/metrics/error.py +3 -3
  540. mindspore/train/metrics/hausdorff_distance.py +4 -4
  541. mindspore/train/metrics/mean_surface_distance.py +3 -3
  542. mindspore/train/metrics/metric.py +0 -12
  543. mindspore/train/metrics/occlusion_sensitivity.py +4 -2
  544. mindspore/train/metrics/precision.py +11 -10
  545. mindspore/train/metrics/recall.py +9 -9
  546. mindspore/train/metrics/root_mean_square_surface_distance.py +2 -2
  547. mindspore/train/mind_ir_pb2.py +174 -46
  548. mindspore/train/model.py +269 -136
  549. mindspore/train/serialization.py +622 -978
  550. mindspore/train/summary/_summary_adapter.py +2 -2
  551. mindspore/train/summary/summary_record.py +2 -3
  552. mindspore/train/train_thor/model_thor.py +1 -1
  553. mindspore/turbojpeg.dll +0 -0
  554. mindspore/utils/__init__.py +6 -3
  555. mindspore/utils/dryrun.py +140 -0
  556. mindspore/utils/hooks.py +81 -0
  557. mindspore/utils/runtime_execution_order_check.py +552 -0
  558. mindspore/utils/utils.py +138 -4
  559. mindspore/version.py +1 -1
  560. {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/METADATA +3 -3
  561. {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/RECORD +564 -395
  562. {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/entry_points.txt +1 -1
  563. mindspore/_install_custom.py +0 -43
  564. mindspore/common/_register_for_adapter.py +0 -74
  565. mindspore/common/_tensor_overload.py +0 -139
  566. mindspore/mindspore_np_dtype.dll +0 -0
  567. mindspore/ops/auto_generate/gen_arg_dtype_cast.py +0 -252
  568. mindspore/ops/auto_generate/gen_arg_handler.py +0 -197
  569. mindspore/ops/operations/_opaque_predicate_registry.py +0 -41
  570. mindspore/ops_generate/gen_aclnn_implement.py +0 -263
  571. mindspore/ops_generate/gen_ops_inner_prim.py +0 -131
  572. mindspore/ops_generate/gen_pyboost_func.py +0 -1052
  573. mindspore/ops_generate/gen_utils.py +0 -209
  574. mindspore/ops_generate/op_proto.py +0 -145
  575. mindspore/ops_generate/template.py +0 -261
  576. mindspore/profiler/envprofiling.py +0 -254
  577. mindspore/profiler/profiling.py +0 -1926
  578. {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/WHEEL +0 -0
  579. {mindspore-2.4.10.dist-info → mindspore-2.6.0.dist-info}/top_level.txt +0 -0
@@ -26,11 +26,13 @@ from mindspore.ops.primitive import _primexpr
26
26
  from mindspore.ops._primitive_cache import _get_cache_prim
27
27
  from mindspore import _checkparam as Validator
28
28
  from mindspore.ops.auto_generate import clamp_tensor, clamp_scalar
29
+ from mindspore.ops.auto_generate import inplace_clamp_tensor, inplace_clamp_scalar
29
30
 
30
31
  __all__ = [
31
32
  'clip_by_value',
32
33
  'clip_by_norm',
33
34
  'clamp',
35
+ 'clamp_',
34
36
  'clip',
35
37
  'clip_by_global_norm',
36
38
  ]
@@ -64,18 +66,20 @@ def _cal_total_norm(x, norm_type):
64
66
 
65
67
  def clip_by_norm(x, max_norm, norm_type=2.0, error_if_nonfinite=False):
66
68
  r"""
67
- Clip norm of a set of input Tensors. This norm is the result of calculating the norm of all elements in the input
68
- separately, connecting them into a vector, and then calculating the norm.
69
+ The input Tensor is cropped based on norm. The computation is done by concatenating the norms of
70
+ all the input elementsinto a vector and then computing the norm of that vector.
71
+ The Tensor gradient value corresponding to the `identifier`.
69
72
 
70
73
  Note:
71
74
  The interface is suitable for gradient clipping scenarios, and only supports input of type float.
72
75
 
73
76
  Args:
74
- x (Union(Tensor, list[Tensor], tuple[Tensor])): Input that wishes to be clipped.
75
- max_norm (Union(float, int)): The upper limit of the norm for this group of network parameters.
76
- norm_type (Union(float, int)): Norm type. Default: ``2.0``.
77
- error_if_nonfinite (bool): If it is ``True``, an exception is thrown if the total norm from the input
78
- is nan, inf or -inf. If it is ``False``, no exception will be thrown.Default: ``False`` .
77
+ x (Union[Tensor, list[Tensor], tuple[Tensor]]): Input that wishes to be clipped.
78
+ max_norm (Union[float, int]): The upper limit of the norm for this group of network parameters.
79
+ norm_type (Union[float, int], optional): Norm type. Default: ``2.0``.
80
+ error_if_nonfinite (bool, optional): If it is ``True``,
81
+ an exception is thrown if the total norm from the input
82
+ is nan, inf or -inf. If it is ``False``, no exception will be thrown.Default: ``False`` .
79
83
 
80
84
  Returns:
81
85
  Tensors, a list or tuple of Tensors, representing clipped Tensors.
@@ -221,11 +225,67 @@ def clip_by_value(x, clip_value_min=None, clip_value_max=None):
221
225
 
222
226
 
223
227
  def clamp(input, min=None, max=None):
228
+ r"""
229
+ Clamp all elements of the input tensor within the range [min, max].
230
+
231
+ .. math::
232
+
233
+ out_i= \left\{
234
+ \begin{array}{align}
235
+ max & \text{ if } input_i\ge max \\
236
+ input_i & \text{ if } min \lt input_i \lt max \\
237
+ min & \text{ if } input_i \le min \\
238
+ \end{array}\right.
239
+
240
+ Note:
241
+ - `min` and `max` cannot be None at the same time;
242
+ - If `min` is ``None`` , there is no lower bound.
243
+ - if `max` is ``None`` , there is no upper bound.
244
+ - If `min` is greater than `max`, the value of all elements in Tensor will be set to `max`;
245
+
246
+ Args:
247
+ input (Tensor): The input tensor.
248
+ min (Union(Tensor, float, int), optional): The minimum value. Default ``None`` .
249
+ max (Union(Tensor, float, int), optional): The maximum value. Default ``None`` .
250
+
251
+ Returns:
252
+ Tensor
253
+
254
+ Supported Platforms:
255
+ ``Ascend`` ``GPU`` ``CPU``
256
+
257
+ Examples:
258
+ >>> import mindspore
259
+ >>> # case 1: `min` and `max` are integer
260
+ >>> input = mindspore.tensor([[1, 25, 5, 7], [4, 11, 6, 21]])
261
+ >>> mindspore.ops.clamp(input, 5, 20)
262
+ Tensor(shape=[2, 4], dtype=Int64, value=
263
+ [[ 5, 20, 5, 7],
264
+ [ 5, 11, 6, 20]])
265
+ >>>
266
+ >>> # case 2: If `min` and `max` are tensors, their shapes need to be broadcastable with input.
267
+ >>> min = mindspore.tensor([2, 4, 6, 8])
268
+ >>> max = mindspore.tensor([10, 12, 14, 18])
269
+ >>> mindspore.ops.clamp(input, min, max)
270
+ Tensor(shape=[2, 4], dtype=Int64, value=
271
+ [[ 2, 12, 6, 8],
272
+ [ 4, 11, 6, 18]])
273
+ """
274
+ if isinstance(min, Tensor) or isinstance(max, Tensor):
275
+ return clamp_tensor(input, min, max)
276
+ return clamp_scalar(input, min, max)
277
+
278
+
279
+ def clamp_(input, min=None, max=None):
224
280
  r"""
225
281
  Clamps tensor values between the specified minimum value and maximum value.
226
282
 
227
283
  Limits the value of :math:`input` to a range, whose lower limit is `min` and upper limit is `max` .
228
284
 
285
+ .. warning::
286
+
287
+ This is an experimental API that is subject to change or deletion.
288
+
229
289
  .. math::
230
290
 
231
291
  out_i= \left\{
@@ -258,7 +318,7 @@ def clamp(input, min=None, max=None):
258
318
  TypeError: If the type of `max` is not in None, Tensor, float or int.
259
319
 
260
320
  Supported Platforms:
261
- ``Ascend`` ``GPU`` ``CPU``
321
+ ``Ascend``
262
322
 
263
323
  Examples:
264
324
  >>> # case 1: the data type of input is Tensor
@@ -268,14 +328,14 @@ def clamp(input, min=None, max=None):
268
328
  >>> min_value = Tensor(5, mindspore.float32)
269
329
  >>> max_value = Tensor(20, mindspore.float32)
270
330
  >>> input = Tensor(np.array([[1., 25., 5., 7.], [4., 11., 6., 21.]]), mindspore.float32)
271
- >>> output = ops.clamp(input, min_value, max_value)
272
- >>> print(output)
331
+ >>> input.clamp_(min_value, max_value)
332
+ >>> print(input)
273
333
  [[ 5. 20. 5. 7.]
274
334
  [ 5. 11. 6. 20.]]
275
335
  """
276
336
  if isinstance(min, Tensor) or isinstance(max, Tensor):
277
- return clamp_tensor(input, min, max)
278
- return clamp_scalar(input, min, max)
337
+ return inplace_clamp_tensor(input, min, max)
338
+ return inplace_clamp_scalar(input, min, max)
279
339
 
280
340
  def clip(input, min=None, max=None):
281
341
  r"""
@@ -347,30 +407,27 @@ def clip_by_global_norm(x, clip_norm=1.0, use_norm=None):
347
407
  Clips tensor values by the ratio of the sum of their norms.
348
408
 
349
409
  Note:
350
- - Input `x` should be a tuple or list of tensors. Otherwise, it will raise an error.
351
410
  - On the SEMI_AUTO_PARALLEL mode or AUTO_PARALLEL mode, if the input `x` is the gradient,
352
411
  the gradient norm values on all devices will be automatically aggregated by allreduce inserted after
353
412
  the local square sum of the gradients.
354
413
 
355
414
  Args:
356
415
  x (Union(tuple[Tensor], list[Tensor])): Input data to clip.
357
- clip_norm (Union(float, int)): The clipping ratio, it should be greater than 0. Default: ``1.0`` .
358
- use_norm (None): The global norm. Default: ``None`` . Currently only none is supported.
416
+ clip_norm (Union(float, int)): The clipping ratio, it should be greater than 0. Default ``1.0`` .
417
+ use_norm (None): The global norm. Currently only none is supported. Default ``None`` .
359
418
 
360
419
  Returns:
361
- tuple[Tensor], a clipped Tensor. It has the same data type as `x` and each Tensor in the output tuple is the
362
- same as the original input shape.
420
+ Tuple of tensors
363
421
 
364
422
  Supported Platforms:
365
423
  ``Ascend`` ``GPU`` ``CPU``
366
424
 
367
425
  Examples:
368
- >>> from mindspore import Tensor, ops
369
- >>> import numpy as np
370
- >>> x1 = np.array([[2., 3.], [1., 2.]]).astype(np.float32)
371
- >>> x2 = np.array([[1., 4.], [3., 1.]]).astype(np.float32)
372
- >>> input_x = (Tensor(x1), Tensor(x2))
373
- >>> out = ops.clip_by_global_norm(input_x, 1.0)
426
+ >>> import mindspore
427
+ >>> x1 = mindspore.tensor([[2., 3.], [1., 2.]], dtype=mindspore.float32)
428
+ >>> x2 = mindspore.tensor([[1., 4.], [3., 1.]], dtype=mindspore.float32)
429
+ >>> input_x = (x1, x2)
430
+ >>> out = mindspore.ops.clip_by_global_norm(input_x, 1.0)
374
431
  >>> print(out)
375
432
  (Tensor(shape=[2, 2], dtype=Float32, value=
376
433
  [[ 2.98142403e-01, 4.47213590e-01],
@@ -23,17 +23,17 @@ from .._primitive_cache import _get_cache_prim
23
23
 
24
24
  def print_(*input_x):
25
25
  """
26
- Outputs the inputs to stdout. The outputs are printed to screen by default.
26
+ Outputs the inputs to stdout.
27
+ The outputs are printed to screen by default.
27
28
  It can also be saved in a file by setting the parameter `print_file_path` in `context`.
28
- Once set, the output will be saved in the file specified by print_file_path.
29
29
  :func:`mindspore.parse_print` can be employed to reload the data.
30
30
  For more information, please refer to :func:`mindspore.set_context` and :func:`mindspore.parse_print`.
31
- In Ascend platform with graph mode, can set environment variables `MS_DUMP_SLICE_SIZE` and `MS_DUMP_WAIT_TIME`
32
- to solve operator execution failure when outputting big tensor or outputting tensor intensively.
31
+ In Ascend platform with graph mode, the environment variables `MS_DUMP_SLICE_SIZE` and `MS_DUMP_WAIT_TIME`
32
+ can be set to solve operator execution failure when outputting big tensor or outputting tensor intensively.
33
33
 
34
34
  Note:
35
35
  In pynative mode, please use python print function.
36
- In Ascend platform with graph mode, the bool, int and float would be converted into Tensor to print, and
36
+ In Ascend platform with graph mode, the bool, int and float would be converted into tensor to print, and
37
37
  str remains unchanged.
38
38
  This function is used for debugging.
39
39
 
@@ -44,18 +44,14 @@ def print_(*input_x):
44
44
  Returns:
45
45
  Invalid value, should be ignored.
46
46
 
47
- Raises:
48
- TypeError: If `input_x` is not one of the following: Tensor, bool, int, float, str, tuple or list.
49
-
50
47
  Supported Platforms:
51
48
  ``Ascend`` ``GPU`` ``CPU``
52
49
 
53
50
  Examples:
54
- >>> import numpy as np
55
- >>> from mindspore import Tensor, ops
56
- >>> x = Tensor(np.ones([2, 1]).astype(np.int32))
57
- >>> y = Tensor(np.ones([2, 2]).astype(np.int32))
58
- >>> result = ops.print_('Print Tensor x and Tensor y:', x, y)
51
+ >>> import mindspore
52
+ >>> x = mindspore.tensor(mindspore.ops.ones([2, 1], mindspore.int32))
53
+ >>> y = mindspore.tensor(mindspore.ops.ones([2, 2], mindspore.int32))
54
+ >>> result = mindspore.ops.print_('Print Tensor x and Tensor y:', x, y)
59
55
  Print Tensor x and Tensor y:
60
56
  Tensor(shape=[2, 1], dtype=Int32, value=
61
57
  [[1],
@@ -71,12 +67,13 @@ def print_(*input_x):
71
67
 
72
68
  def tensordump(file_name, tensor, mode='out'):
73
69
  """
74
- Save Tensor in numpy's npy format.
70
+ Save tensor in npy format.
75
71
 
76
- In Parallel situation, tensordump will dump slice of data at each rank.
72
+ .. warning::
73
+ - The parameter `mode` will no longer support the value 'all'.
77
74
 
78
- In Ascend platform with graph mode,
79
- Your code OpA --> OpB may compiled as OpA --> RedistributionOps --> OpB.
75
+ In Parallel situation, tensordump will dump slice of data at each rank.
76
+ In Ascend platform with graph mode, Your code OpA --> OpB may compiled as OpA --> RedistributionOps --> OpB.
80
77
 
81
78
  Note: The redistribution operator is introduced,
82
79
  Due to inter-device communication and shard strategies in the static graph parallel scenario.
@@ -88,90 +85,93 @@ def tensordump(file_name, tensor, mode='out'):
88
85
  So the parameter mode is to handle this situation.
89
86
 
90
87
  Assuming OpA's output is used as both tensordump's input parameter and OpB's input parameter.
91
- Different requirements of saving dump data can be achieved by configuring parameter mode:
88
+ Different requirements of saving dump data can be achieved by configuring parameter `mode` :
92
89
 
93
- - If the mode is 'out', the dump data contains only OpA's output slice.
94
- - If the mode is 'all', the dump data contains both OpA's output slice and OpB's input slice.
95
- - If the mode is 'in', the dump data contains only OpB's input slice.
90
+ - If the `mode` is 'out', the dump data contains only OpA's output slice.
91
+ - If the `mode` is 'in', the dump data contains only OpB's input slice.
96
92
 
97
- For mode 'all' or 'in', the input slice npy file format is: id_fileName_cNodeID_dumpMode_rankID.npy.
93
+ For `mode` 'in', the input slice npy file format is: fileName_dumpMode_dtype_id.npy.
98
94
 
99
- For mode 'out' or 'all' the output slice npy file format is: id_filename.npy.
95
+ For `mode` 'out', the output slice npy file format is: fileName_dtype_id.npy.
100
96
 
101
- - id: An auto increment ID.
102
97
  - fileName: Value of the parameter file_name
103
- (if parameter file_name is a user-specified path, the value of fileName is the last level of the path).
104
- - cNodeID: The cnode ID in ir graph of step_parallel_end.ir.
105
- - dumpMode: Value of the parameter mode.
106
- - rankID: Logical device id.
98
+ (if parameter `file_name` is a user-specified path, the value of fileName is the last level of the path).
99
+ - dumpMode: Value of the parameter `mode`.
100
+ - dtype: The original data type. Data of type bfloat16 stored in the .npy file will be converted to float32.
101
+ - id: An auto increment ID.
107
102
 
108
103
  Note:
104
+ - In Ascend platform with graph mode, the environment variables `MS_DUMP_SLICE_SIZE` and `MS_DUMP_WAIT_TIME`
105
+ can be set to solve operator execution failure when outputting big tensor or outputting tensor intensively.
109
106
  - The operator of tensordump doesn't support in control flow.
110
- - If current parallel mode is STAND_ALONE, mode should only be 'out'.
111
- - Parameter mode will be set to 'out' if user doesn't configure it.
107
+ - If current parallel mode is STAND_ALONE, `mode` should only be 'out'.
112
108
  - This function is used for debugging.
113
109
 
114
110
  Args:
115
111
  file_name (str): The path of the npy file saves.
116
112
  tensor (Tensor): The tensor that user want to dump.
117
- mode (str, optional): Used to control tensordump behavior, available value is one of ['in', 'out', 'all'].
118
- Default value is ``out``.
119
-
120
- Raises:
121
- TypeError: If `file_name` is not str.
122
- TypeError: If `tensor` is not Tensor.
123
- TypeError: If `mode` is not str.
124
- ValueError: If `mode` is not in one of ['in', 'out', 'all'].
113
+ mode (str, optional): Used to control tensordump behavior, available value is one of ['in', 'out'].
114
+ Default ``out`` .
125
115
 
126
116
  Supported Platforms:
127
117
  ``Ascend``
128
118
 
129
119
  Examples:
130
120
  .. note::
131
- Using msrun command to run below example: msrun --worker_num=2 --local_worker_num=2 --master_port=11450
132
- --log_dir=msrun_log --join=True --cluster_time_out=300 tensordump_example.py
121
+ Using msrun command to run below example: msrun --worker_num=2 --local_worker_num=2
122
+ --master_port=11450 --log_dir=msrun_log --join=True --cluster_time_out=300 tensordump_example.py
133
123
 
124
+ >>> import os
134
125
  >>> import numpy as np
135
- >>> import mindspore as ms
136
- >>> from mindspore import nn, Tensor, ops, context
137
- >>> from mindspore.ops import operations as P
126
+ >>> import mindspore
127
+ >>> from mindspore import nn, context
138
128
  >>> from mindspore.communication import init, get_rank
129
+ >>> from mindspore.parallel.auto_parallel import AutoParallel
130
+ >>> from mindspore.nn.utils import no_init_parameters
139
131
  >>> init()
140
132
  >>> rank_id = get_rank()
141
- >>> dump_path = f'dumps/rank_{rank_id}/mul1_mul2.npy'
133
+ >>> dump_path = f'rank_{rank_id}_mul1_mul2.npy'
142
134
  >>> class Net(nn.Cell):
143
135
  ... def __init__(self, strategy1, strategy2):
144
136
  ... super(Net, self).__init__()
145
- ... self.matmul1 = P.MatMul().shard(strategy1)
146
- ... self.matmul2 = P.MatMul().shard(strategy2)
137
+ ... self.matmul1 = mindspore.ops.MatMul().shard(strategy1)
138
+ ... self.matmul2 = mindspore.ops.MatMul().shard(strategy2)
147
139
  ...
148
140
  ... def construct(self, x, y, b):
149
141
  ... out1 = self.matmul1(x, y)
150
- ... ops.tensordump(dump_path, out1, 'all')
142
+ ... mindspore.ops.tensordump(dump_path, out1, 'out')
151
143
  ... out2 = self.matmul2(out1, b)
152
144
  ... return out2
153
145
  ...
154
- >>> ms.set_context(mode=ms.GRAPH_MODE, save_graphs=2)
155
- >>> context.set_auto_parallel_context(parallel_mode='semi_auto_parallel', full_batch=True)
146
+ >>> mindspore.set_context(mode=mindspore.GRAPH_MODE)
147
+ >>> os.environ["MS_DEV_SAVE_GRAPHS"] = "2"
156
148
  >>> strategy1 = ((1, 2), (2, 1))
157
149
  >>> strategy2 = ((1, 2), (2, 1))
158
- >>> net = Net(strategy1, strategy2)
159
- >>> x = Tensor(0.1 * np.random.randn(64, 64).astype(np.float32))
160
- >>> y = Tensor(0.1 * np.random.randn(64, 64).astype(np.float32))
161
- >>> b = Tensor(0.1 * np.random.randn(64, 64).astype(np.float32))
162
- >>> out = net(x, y, b)
150
+ >>> with no_init_parameters():
151
+ >>> net = Net(strategy1, strategy2)
152
+ >>> x = mindspore.tensor(0.1 * mindspore.ops.randn(64, 64), mindspore.float32)
153
+ >>> y = mindspore.tensor(0.1 * mindspore.ops.randn(64, 64), mindspore.float32)
154
+ >>> b = mindspore.tensor(0.1 * mindspore.ops.randn(64, 64), mindspore.float32)
155
+ >>> parallel_net = Autoparallel(net, parallel_mode="semi_auto")
156
+ >>> parallel_net.dataset_strategy(config="full_batch")
157
+ >>> out = parallel_net(x, y, b)
163
158
  >>> print(f"out shape is: {out.shape}")
164
- >>> matmul1_output_slice = np.load('0_mul1_mul2.npy') # load matmul1's output slice
165
- >>> matmul2_input_slice = np.load('1_mul1_mul2_CNode_64_all_rank_0.npy') # load matmul2's input slice
159
+ >>> # out shape is (64, 64)
160
+ >>> matmul1_output_slice = np.load(f'rank_{rank_id}_mul1_mul2_float32_0.npy') # load matmul1's output slice
161
+ >>> print(f"matmul1_output_slice is loaded, shape is: {matmul1_output_slice.shape}")
162
+ >>> # matmul1_output_slice is loaded, shape is: (64, 64)
166
163
  """
164
+
167
165
  if not isinstance(file_name, str):
168
166
  raise TypeError(f"Parameter file_name should only be build_in str type but got: {type(file_name)}")
169
167
  if not isinstance(tensor, Tensor):
170
168
  raise TypeError(f"Parameter tensor should only be Tensor type, but got: {type(tensor)}")
171
169
  if not isinstance(mode, str):
172
170
  raise TypeError(f"Parameter mode should only be build_in str type, but got: {type(mode)}")
173
- mode_list = ['out', 'in', 'all']
171
+ mode_list = ['out', 'in']
174
172
  if mode not in mode_list:
173
+ if mode == 'all':
174
+ raise ValueError(f"Argument [mode] has been not supported value of 'all'.")
175
175
  raise ValueError(f"Parameter mode should in {mode_list}, but got {mode}")
176
176
  _tensordump = _get_cache_prim(P.TensorDump)(input_output=mode)
177
177
  return _tensordump(file_name, tensor)
@@ -27,6 +27,7 @@ from .grad_func import (
27
27
  vjp,
28
28
  linearize,
29
29
  stop_gradient,
30
+ stop_gradient_,
30
31
  get_grad
31
32
  )
32
33