mindspore 2.0.0a0__cp39-cp39-win_amd64.whl → 2.0.0rc1__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 (655) hide show
  1. mindspore/.commit_id +1 -1
  2. mindspore/__init__.py +4 -2
  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 +102 -0
  7. mindspore/_checkparam.py +1066 -1001
  8. mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +4 -3
  9. mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +50 -48
  10. mindspore/_extends/parallel_compile/akg_compiler/util.py +9 -4
  11. mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +4 -4
  12. mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +9 -4
  13. mindspore/_extends/parse/__init__.py +5 -3
  14. mindspore/_extends/parse/namespace.py +16 -1
  15. mindspore/_extends/parse/parser.py +107 -22
  16. mindspore/_extends/parse/resources.py +0 -7
  17. mindspore/_extends/parse/standard_method.py +885 -413
  18. mindspore/amp.py +52 -57
  19. mindspore/boost/boost.py +2 -2
  20. mindspore/boost/boost_cell_wrapper.py +38 -20
  21. mindspore/boost/dim_reduce.py +3 -3
  22. mindspore/boost/group_loss_scale_manager.py +1 -1
  23. mindspore/common/__init__.py +4 -6
  24. mindspore/common/_decorator.py +2 -0
  25. mindspore/common/_register_for_adapter.py +55 -0
  26. mindspore/common/_stub_tensor.py +201 -0
  27. mindspore/common/_utils.py +41 -7
  28. mindspore/common/api.py +215 -141
  29. mindspore/common/dtype.py +8 -1
  30. mindspore/common/dump.py +2 -2
  31. mindspore/common/initializer.py +4 -2
  32. mindspore/common/jit_config.py +17 -13
  33. mindspore/common/mutable.py +33 -13
  34. mindspore/common/parameter.py +23 -21
  35. mindspore/common/seed.py +8 -24
  36. mindspore/common/sparse_tensor.py +62 -41
  37. mindspore/common/tensor.py +852 -1154
  38. mindspore/communication/__init__.py +2 -2
  39. mindspore/communication/_comm_helper.py +11 -4
  40. mindspore/communication/management.py +22 -21
  41. mindspore/config/op_info.config +501 -1008
  42. mindspore/context.py +201 -23
  43. mindspore/dataset/__init__.py +6 -6
  44. mindspore/dataset/audio/__init__.py +7 -7
  45. mindspore/dataset/audio/transforms.py +670 -30
  46. mindspore/dataset/audio/utils.py +47 -4
  47. mindspore/dataset/audio/validators.py +223 -1
  48. mindspore/dataset/callback/ds_callback.py +2 -2
  49. mindspore/dataset/core/config.py +210 -14
  50. mindspore/dataset/core/validator_helpers.py +2 -2
  51. mindspore/{parallel/nn/layers.py → dataset/debug/__init__.py} +7 -8
  52. mindspore/dataset/debug/debug_hook.py +65 -0
  53. mindspore/dataset/debug/pre_defined_hook.py +67 -0
  54. mindspore/dataset/engine/__init__.py +7 -3
  55. mindspore/dataset/engine/cache_client.py +1 -1
  56. mindspore/dataset/engine/datasets.py +322 -66
  57. mindspore/dataset/engine/datasets_audio.py +80 -76
  58. mindspore/dataset/engine/datasets_standard_format.py +51 -38
  59. mindspore/dataset/engine/datasets_text.py +232 -118
  60. mindspore/dataset/engine/datasets_user_defined.py +41 -17
  61. mindspore/dataset/engine/datasets_vision.py +746 -225
  62. mindspore/dataset/engine/graphdata.py +75 -10
  63. mindspore/dataset/engine/iterators.py +45 -5
  64. mindspore/dataset/engine/offload.py +48 -28
  65. mindspore/dataset/engine/validators.py +117 -8
  66. mindspore/dataset/text/__init__.py +6 -5
  67. mindspore/dataset/text/transforms.py +86 -3
  68. mindspore/dataset/text/utils.py +6 -4
  69. mindspore/dataset/text/validators.py +25 -0
  70. mindspore/dataset/transforms/__init__.py +3 -2
  71. mindspore/dataset/transforms/c_transforms.py +1 -1
  72. mindspore/dataset/transforms/transforms.py +2 -2
  73. mindspore/dataset/utils/__init__.py +2 -1
  74. mindspore/dataset/utils/line_reader.py +121 -0
  75. mindspore/dataset/vision/__init__.py +2 -3
  76. mindspore/dataset/vision/c_transforms.py +9 -9
  77. mindspore/dataset/vision/py_transforms.py +5 -5
  78. mindspore/dataset/vision/py_transforms_util.py +2 -0
  79. mindspore/dataset/vision/transforms.py +160 -161
  80. mindspore/dataset/vision/utils.py +3 -3
  81. mindspore/experimental/map_parameter.py +38 -26
  82. mindspore/include/OWNERS +0 -1
  83. mindspore/include/api/callback/callback.h +9 -13
  84. mindspore/include/api/callback/ckpt_saver.h +2 -2
  85. mindspore/include/api/callback/loss_monitor.h +2 -2
  86. mindspore/include/api/callback/lr_scheduler.h +5 -5
  87. mindspore/include/api/callback/time_monitor.h +2 -2
  88. mindspore/include/api/callback/train_accuracy.h +4 -6
  89. mindspore/include/api/cfg.h +19 -6
  90. mindspore/include/api/context.h +44 -9
  91. mindspore/include/api/delegate.h +1 -1
  92. mindspore/include/api/metrics/accuracy.h +2 -2
  93. mindspore/include/api/metrics/metrics.h +4 -3
  94. mindspore/include/api/model.h +9 -4
  95. mindspore/include/api/model_parallel_runner.h +2 -2
  96. mindspore/include/api/net.h +12 -11
  97. mindspore/include/api/serialization.h +19 -3
  98. mindspore/include/api/types.h +3 -3
  99. mindspore/include/dataset/constants.h +7 -0
  100. mindspore/include/dataset/text.h +59 -0
  101. mindspore/jpeg62.dll +0 -0
  102. mindspore/log.py +1 -1
  103. mindspore/mindrecord/filereader.py +18 -0
  104. mindspore/mindrecord/filewriter.py +197 -34
  105. mindspore/mindrecord/shardreader.py +9 -0
  106. mindspore/mindrecord/shardwriter.py +1 -1
  107. mindspore/mindrecord/tools/cifar100_to_mr.py +3 -3
  108. mindspore/mindrecord/tools/cifar10_to_mr.py +3 -3
  109. mindspore/mindrecord/tools/csv_to_mr.py +3 -3
  110. mindspore/mindrecord/tools/imagenet_to_mr.py +16 -11
  111. mindspore/mindrecord/tools/mnist_to_mr.py +2 -2
  112. mindspore/mindrecord/tools/tfrecord_to_mr.py +6 -6
  113. mindspore/mindspore_backend.dll +0 -0
  114. mindspore/mindspore_common.dll +0 -0
  115. mindspore/mindspore_core.dll +0 -0
  116. mindspore/mindspore_glog.dll +0 -0
  117. mindspore/mindspore_shared_lib.dll +0 -0
  118. mindspore/nn/__init__.py +0 -4
  119. mindspore/nn/cell.py +204 -132
  120. mindspore/nn/dynamic_lr.py +1 -1
  121. mindspore/nn/grad/cell_grad.py +7 -6
  122. mindspore/nn/layer/__init__.py +5 -4
  123. mindspore/nn/layer/activation.py +40 -89
  124. mindspore/nn/layer/basic.py +255 -624
  125. mindspore/nn/layer/channel_shuffle.py +7 -6
  126. mindspore/nn/layer/combined.py +1 -1
  127. mindspore/nn/layer/container.py +41 -4
  128. mindspore/nn/layer/conv.py +64 -28
  129. mindspore/nn/layer/dense.py +9 -8
  130. mindspore/nn/layer/embedding.py +27 -25
  131. mindspore/nn/layer/image.py +53 -46
  132. mindspore/nn/layer/math.py +97 -105
  133. mindspore/nn/layer/normalization.py +117 -86
  134. mindspore/nn/layer/padding.py +185 -95
  135. mindspore/nn/layer/pooling.py +817 -414
  136. mindspore/nn/layer/rnn_cells.py +10 -15
  137. mindspore/nn/layer/rnns.py +37 -38
  138. mindspore/nn/layer/thor_layer.py +11 -12
  139. mindspore/nn/layer/timedistributed.py +5 -5
  140. mindspore/nn/layer/transformer.py +701 -0
  141. mindspore/nn/learning_rate_schedule.py +8 -8
  142. mindspore/nn/loss/__init__.py +5 -4
  143. mindspore/nn/loss/loss.py +334 -199
  144. mindspore/nn/optim/ada_grad.py +6 -6
  145. mindspore/nn/optim/adadelta.py +2 -3
  146. mindspore/nn/optim/adafactor.py +4 -5
  147. mindspore/nn/optim/adam.py +126 -62
  148. mindspore/nn/optim/adamax.py +3 -4
  149. mindspore/nn/optim/adasum.py +6 -6
  150. mindspore/nn/optim/asgd.py +2 -2
  151. mindspore/nn/optim/ftrl.py +67 -38
  152. mindspore/nn/optim/lamb.py +4 -5
  153. mindspore/nn/optim/lars.py +2 -2
  154. mindspore/nn/optim/lazyadam.py +43 -4
  155. mindspore/nn/optim/momentum.py +6 -5
  156. mindspore/nn/optim/optimizer.py +3 -1
  157. mindspore/nn/optim/proximal_ada_grad.py +2 -2
  158. mindspore/nn/optim/rmsprop.py +1 -1
  159. mindspore/nn/optim/rprop.py +8 -9
  160. mindspore/nn/optim/sgd.py +19 -13
  161. mindspore/nn/optim/thor.py +10 -15
  162. mindspore/nn/probability/__init__.py +0 -2
  163. mindspore/nn/probability/bijector/bijector.py +4 -4
  164. mindspore/nn/probability/bijector/invert.py +1 -1
  165. mindspore/nn/probability/bijector/softplus.py +2 -2
  166. mindspore/nn/probability/bnn_layers/dense_variational.py +1 -1
  167. mindspore/nn/probability/bnn_layers/layer_distribution.py +2 -2
  168. mindspore/nn/probability/distribution/_utils/utils.py +9 -15
  169. mindspore/nn/probability/distribution/bernoulli.py +3 -3
  170. mindspore/nn/probability/distribution/beta.py +1 -1
  171. mindspore/nn/probability/distribution/categorical.py +5 -7
  172. mindspore/nn/probability/distribution/cauchy.py +3 -3
  173. mindspore/nn/probability/distribution/distribution.py +2 -2
  174. mindspore/nn/probability/distribution/exponential.py +2 -2
  175. mindspore/nn/probability/distribution/gamma.py +3 -3
  176. mindspore/nn/probability/distribution/geometric.py +1 -1
  177. mindspore/nn/probability/distribution/gumbel.py +3 -3
  178. mindspore/nn/probability/distribution/half_normal.py +15 -11
  179. mindspore/nn/probability/distribution/laplace.py +16 -13
  180. mindspore/nn/probability/distribution/logistic.py +2 -2
  181. mindspore/nn/probability/distribution/normal.py +1 -1
  182. mindspore/nn/probability/distribution/poisson.py +1 -1
  183. mindspore/nn/probability/distribution/student_t.py +20 -15
  184. mindspore/nn/probability/distribution/transformed_distribution.py +4 -4
  185. mindspore/nn/probability/distribution/uniform.py +2 -2
  186. mindspore/nn/reinforcement/_tensors_queue.py +3 -3
  187. mindspore/nn/reinforcement/tensor_array.py +2 -2
  188. mindspore/nn/sparse/sparse.py +2 -2
  189. mindspore/nn/wrap/cell_wrapper.py +27 -10
  190. mindspore/nn/wrap/grad_reducer.py +2 -2
  191. mindspore/nn/wrap/loss_scale.py +40 -24
  192. mindspore/numpy/array_creations.py +33 -22
  193. mindspore/numpy/array_ops.py +35 -30
  194. mindspore/numpy/logic_ops.py +6 -27
  195. mindspore/numpy/math_ops.py +22 -19
  196. mindspore/numpy/utils.py +1 -1
  197. mindspore/numpy/utils_const.py +108 -58
  198. mindspore/opencv_core452.dll +0 -0
  199. mindspore/opencv_imgcodecs452.dll +0 -0
  200. mindspore/opencv_imgproc452.dll +0 -0
  201. mindspore/ops/_constants.py +0 -6
  202. mindspore/ops/_grad/__init__.py +2 -1
  203. mindspore/ops/_grad/grad_array_ops.py +86 -117
  204. mindspore/ops/_grad/grad_base.py +23 -1
  205. mindspore/ops/_grad/grad_clip_ops.py +2 -3
  206. mindspore/ops/_grad/grad_comm_ops.py +34 -24
  207. mindspore/ops/_grad/grad_implementations.py +9 -45
  208. mindspore/ops/_grad/grad_inner_ops.py +47 -4
  209. mindspore/ops/_grad/grad_math_ops.py +142 -117
  210. mindspore/ops/_grad/grad_nn_ops.py +71 -165
  211. mindspore/ops/_grad/grad_sequence_ops.py +296 -0
  212. mindspore/ops/_grad/grad_sparse.py +7 -6
  213. mindspore/ops/_grad_experimental/__init__.py +1 -0
  214. mindspore/ops/_grad_experimental/grad_array_ops.py +150 -15
  215. mindspore/ops/_grad_experimental/grad_image_ops.py +16 -7
  216. mindspore/ops/_grad_experimental/grad_inner_ops.py +1 -22
  217. mindspore/ops/_grad_experimental/grad_linalg_ops.py +4 -11
  218. mindspore/ops/_grad_experimental/grad_math_ops.py +210 -89
  219. mindspore/ops/_grad_experimental/grad_nn_ops.py +26 -22
  220. mindspore/ops/_grad_experimental/grad_scalar_ops.py +112 -0
  221. mindspore/ops/_grad_experimental/grad_sparse_ops.py +49 -8
  222. mindspore/ops/_op_impl/_custom_op/batch_matmul_impl.py +1 -1
  223. mindspore/ops/_op_impl/_custom_op/batchnorm_fold.py +2 -2
  224. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2.py +2 -2
  225. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad.py +2 -2
  226. mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad_reduce.py +4 -4
  227. mindspore/ops/_op_impl/_custom_op/batchnorm_fold_grad.py +3 -3
  228. mindspore/ops/_op_impl/_custom_op/cholesky_trsm_impl.py +1 -1
  229. mindspore/ops/_op_impl/_custom_op/correction_mul.py +2 -2
  230. mindspore/ops/_op_impl/_custom_op/correction_mul_grad.py +2 -2
  231. mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -5
  232. mindspore/ops/_op_impl/_custom_op/dsd_impl.py +1 -1
  233. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel.py +2 -2
  234. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad.py +2 -2
  235. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad_reduce.py +2 -2
  236. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer.py +2 -2
  237. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad.py +2 -2
  238. mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad_reduce.py +2 -2
  239. mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel.py +2 -2
  240. mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel_grad.py +2 -2
  241. mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer.py +2 -2
  242. mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer_grad.py +2 -2
  243. mindspore/ops/_op_impl/_custom_op/fused_abs_max1_impl.py +1 -1
  244. mindspore/ops/_op_impl/_custom_op/img2col_impl.py +1 -1
  245. mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_left_impl.py +2 -2
  246. mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_right_impl.py +1 -1
  247. mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_left_cast_impl.py +1 -1
  248. mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_right_mul_impl.py +1 -1
  249. mindspore/ops/_op_impl/_custom_op/matmul_cube_impl.py +2 -2
  250. mindspore/ops/_op_impl/_custom_op/matmul_dds_impl.py +0 -4
  251. mindspore/ops/_op_impl/_custom_op/matrix_combine_impl.py +1 -1
  252. mindspore/ops/_op_impl/_custom_op/minmax_update_perchannel.py +2 -2
  253. mindspore/ops/_op_impl/_custom_op/minmax_update_perlayer.py +2 -2
  254. mindspore/ops/_op_impl/_custom_op/transpose02314_impl.py +1 -1
  255. mindspore/ops/_op_impl/aicpu/__init__.py +236 -4
  256. mindspore/ops/_op_impl/aicpu/abs.py +36 -0
  257. mindspore/ops/_op_impl/aicpu/{adaptive_avg_pool_2d_v1.py → adaptive_avg_pool_2d.py} +6 -5
  258. mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d_grad.py +34 -0
  259. mindspore/ops/_op_impl/aicpu/add.py +43 -0
  260. mindspore/ops/_op_impl/aicpu/addcdiv.py +0 -32
  261. mindspore/ops/_op_impl/aicpu/addcmul.py +0 -84
  262. mindspore/ops/_op_impl/aicpu/affine_grid_grad.py +35 -0
  263. mindspore/ops/_op_impl/aicpu/batch_matmul.py +43 -43
  264. mindspore/ops/_op_impl/aicpu/bernoulli.py +48 -0
  265. mindspore/{compression/common/__init__.py → ops/_op_impl/aicpu/bessel_i0.py} +15 -8
  266. mindspore/ops/_op_impl/aicpu/channel_shuffle.py +40 -0
  267. mindspore/ops/_op_impl/aicpu/conj.py +11 -0
  268. mindspore/ops/_op_impl/aicpu/cumulative_logsumexp.py +0 -3
  269. mindspore/ops/_op_impl/aicpu/deformable_offsets.py +38 -0
  270. mindspore/ops/_op_impl/aicpu/deformable_offsets_grad.py +43 -0
  271. mindspore/ops/_op_impl/aicpu/{adaptive_avg_pool_2d_grad_v1.py → digamma.py} +7 -9
  272. mindspore/ops/_op_impl/aicpu/flatten.py +1 -0
  273. mindspore/ops/_op_impl/aicpu/fmax.py +36 -0
  274. mindspore/ops/_op_impl/aicpu/fmin.py +37 -0
  275. mindspore/ops/_op_impl/aicpu/fractional_max_pool3d_with_fixed_ksize.py +1 -1
  276. mindspore/ops/_op_impl/aicpu/fse_decode.py +43 -0
  277. mindspore/ops/_op_impl/aicpu/greater.py +41 -0
  278. mindspore/ops/_op_impl/aicpu/greater_equal.py +41 -0
  279. mindspore/ops/_op_impl/aicpu/index_put.py +50 -0
  280. mindspore/ops/_op_impl/aicpu/less.py +41 -0
  281. mindspore/{nn/probability/infer/variational/__init__.py → ops/_op_impl/aicpu/lgamma.py} +16 -10
  282. mindspore/ops/_op_impl/aicpu/mirror_pad.py +0 -4
  283. mindspore/ops/_op_impl/aicpu/mirror_pad_grad.py +0 -4
  284. mindspore/ops/_op_impl/aicpu/mul.py +3 -1
  285. mindspore/ops/_op_impl/aicpu/multinomial.py +14 -6
  286. mindspore/ops/_op_impl/aicpu/nllloss.py +38 -0
  287. mindspore/ops/_op_impl/aicpu/nllloss_grad.py +39 -0
  288. mindspore/ops/_op_impl/aicpu/ones_like.py +0 -2
  289. mindspore/ops/_op_impl/aicpu/polar.py +32 -0
  290. mindspore/ops/_op_impl/aicpu/polygamma.py +34 -0
  291. mindspore/ops/_op_impl/aicpu/quant_dtype_cast.py +40 -0
  292. mindspore/ops/_op_impl/aicpu/quantile.py +35 -0
  293. mindspore/ops/_op_impl/aicpu/ragged_tensor_to_sparse.py +73 -0
  294. mindspore/ops/_op_impl/aicpu/randperm_v2.py +41 -0
  295. mindspore/ops/_op_impl/aicpu/resize_bicubic.py +2 -8
  296. mindspore/ops/_op_impl/aicpu/resize_bicubic_grad.py +1 -1
  297. mindspore/ops/_op_impl/aicpu/resize_v2.py +68 -0
  298. mindspore/ops/_op_impl/aicpu/resize_v2_grad.py +68 -0
  299. mindspore/ops/_op_impl/aicpu/scatter_elements.py +4 -0
  300. mindspore/ops/_op_impl/aicpu/scatter_nd_update.py +2 -0
  301. mindspore/ops/_op_impl/aicpu/sequence_add.py +34 -0
  302. mindspore/ops/_op_impl/aicpu/sequence_add_offset.py +34 -0
  303. mindspore/ops/_op_impl/aicpu/sequence_addn.py +38 -0
  304. mindspore/ops/_op_impl/aicpu/smooth_l1_loss.py +35 -0
  305. mindspore/ops/_op_impl/aicpu/smooth_l1_loss_grad.py +37 -0
  306. mindspore/ops/_op_impl/aicpu/sparse_apply_adagrad_da.py +0 -24
  307. mindspore/ops/_op_impl/aicpu/sparse_cross.py +42 -0
  308. mindspore/ops/_op_impl/aicpu/sparse_slice.py +4 -0
  309. mindspore/ops/_op_impl/aicpu/sparse_slice_grad.py +6 -0
  310. mindspore/ops/_op_impl/aicpu/tensor_scatter_update.py +59 -0
  311. mindspore/ops/_op_impl/aicpu/trans_data.py +1 -0
  312. mindspore/ops/_op_impl/aicpu/tril_indices.py +34 -0
  313. mindspore/ops/_op_impl/aicpu/uniform.py +34 -0
  314. mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +1 -0
  315. mindspore/ops/_op_impl/aicpu/unique_consecutive.py +10 -2
  316. mindspore/ops/_op_impl/cpu/dynamic_shape.py +5 -1
  317. mindspore/ops/_op_impl/cpu/sparse_slice.py +4 -0
  318. mindspore/ops/_op_impl/cpu/sparse_slice_grad.py +6 -0
  319. mindspore/ops/_op_impl/cpu/tensor_shape.py +5 -1
  320. mindspore/ops/_op_impl/tbe/__init__.py +27 -611
  321. mindspore/ops/_op_impl/tbe/assign_add_ds.py +1 -0
  322. mindspore/ops/_op_impl/tbe/atomic_addr_clean.py +1 -1
  323. mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +1 -1
  324. mindspore/ops/_op_impl/tbe/batch_matmul_ds.py +1 -0
  325. mindspore/ops/_op_impl/tbe/batch_to_space.py +1 -1
  326. mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +1 -1
  327. mindspore/ops/_op_impl/tbe/bn_infer_grad.py +4 -2
  328. mindspore/ops/_op_impl/tbe/bn_training_update.py +0 -1
  329. mindspore/ops/_op_impl/tbe/bn_training_update_ds.py +0 -1
  330. mindspore/ops/_op_impl/tbe/broadcast_to_ds.py +6 -4
  331. mindspore/ops/_op_impl/tbe/cast.py +0 -2
  332. mindspore/ops/_op_impl/tbe/cast_ds.py +3 -3
  333. mindspore/ops/_op_impl/tbe/data_format_dim_map_ds.py +1 -0
  334. mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +2 -2
  335. mindspore/ops/_op_impl/tbe/dynamic_atomic_addr_clean.py +1 -1
  336. mindspore/ops/_op_impl/tbe/gather_nd.py +1 -0
  337. mindspore/ops/_op_impl/tbe/{index_add.py → inplace_index_add.py} +3 -6
  338. mindspore/ops/_op_impl/tbe/matmul_ds.py +2 -0
  339. mindspore/ops/_op_impl/tbe/npu_clear_float_status_v2.py +35 -0
  340. mindspore/ops/_op_impl/tbe/npu_get_float_status_v2.py +35 -0
  341. mindspore/ops/_op_impl/tbe/scatter_mul.py +2 -0
  342. mindspore/ops/_op_impl/tbe/scatter_nd_add.py +0 -2
  343. mindspore/ops/_op_impl/tbe/space_to_batch.py +1 -1
  344. mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +1 -1
  345. mindspore/ops/_op_impl/tbe/trans_data_ds.py +15 -5
  346. mindspore/ops/_register_for_op.py +1 -0
  347. mindspore/ops/_utils/__init__.py +1 -2
  348. mindspore/ops/_utils/utils.py +19 -40
  349. mindspore/ops/_vmap/vmap_array_ops.py +116 -38
  350. mindspore/ops/_vmap/vmap_base.py +16 -9
  351. mindspore/ops/_vmap/vmap_convolution_ops.py +7 -10
  352. mindspore/ops/_vmap/vmap_grad_math_ops.py +4 -4
  353. mindspore/ops/_vmap/vmap_grad_nn_ops.py +7 -5
  354. mindspore/ops/_vmap/vmap_image_ops.py +12 -5
  355. mindspore/ops/_vmap/vmap_math_ops.py +46 -5
  356. mindspore/ops/_vmap/vmap_nn_ops.py +15 -21
  357. mindspore/ops/_vmap/vmap_random_ops.py +1 -1
  358. mindspore/ops/bprop_mindir/AdaptiveAvgPool2D_bprop.mindir +0 -0
  359. mindspore/ops/bprop_mindir/AdaptiveMaxPool2D_bprop.mindir +0 -0
  360. mindspore/ops/bprop_mindir/AvgPool3D_bprop.mindir +150 -0
  361. mindspore/ops/bprop_mindir/AvgPool_bprop.mindir +66 -0
  362. mindspore/ops/bprop_mindir/BCEWithLogitsLoss_bprop.mindir +0 -0
  363. mindspore/ops/bprop_mindir/BatchNormGrad_bprop.mindir +0 -0
  364. mindspore/ops/bprop_mindir/BiasAddGrad_bprop.mindir +0 -0
  365. mindspore/ops/bprop_mindir/BinaryCrossEntropy_bprop.mindir +33 -0
  366. mindspore/ops/bprop_mindir/BroadcastTo_bprop.mindir +220 -106
  367. mindspore/ops/bprop_mindir/CTCLoss_bprop.mindir +0 -0
  368. mindspore/ops/bprop_mindir/Conv2DBackpropFilter_bprop.mindir +240 -0
  369. mindspore/ops/bprop_mindir/Conv2DBackpropInput_bprop.mindir +247 -0
  370. mindspore/ops/bprop_mindir/Conv2DTranspose_bprop.mindir +247 -0
  371. mindspore/ops/bprop_mindir/Conv3DTranspose_bprop.mindir +315 -0
  372. mindspore/ops/bprop_mindir/Conv3D_bprop.mindir +278 -0
  373. mindspore/ops/bprop_mindir/DeformableOffsets_bprop.mindir +58 -0
  374. mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +138 -0
  375. mindspore/ops/bprop_mindir/Dropout2D_bprop.mindir +0 -0
  376. mindspore/ops/bprop_mindir/Dropout3D_bprop.mindir +0 -0
  377. mindspore/ops/bprop_mindir/DropoutDoMask_bprop.mindir +22 -23
  378. mindspore/ops/bprop_mindir/DropoutGenMask_bprop.mindir +16 -17
  379. mindspore/ops/bprop_mindir/DropoutGrad_bprop.mindir +27 -0
  380. mindspore/ops/bprop_mindir/Dropout_bprop.mindir +0 -0
  381. mindspore/ops/bprop_mindir/DynamicGRUV2_bprop.mindir +0 -0
  382. mindspore/ops/bprop_mindir/DynamicRNN_bprop.mindir +0 -0
  383. mindspore/ops/bprop_mindir/Elu_bprop.mindir +16 -0
  384. mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
  385. mindspore/ops/bprop_mindir/ExpandDims_bprop.mindir +39 -41
  386. mindspore/ops/bprop_mindir/FastGeLU_bprop.mindir +16 -0
  387. mindspore/ops/bprop_mindir/Flatten_bprop.mindir +41 -43
  388. mindspore/ops/bprop_mindir/GatherNd_bprop.mindir +51 -57
  389. mindspore/ops/bprop_mindir/Gather_bprop.mindir +0 -0
  390. mindspore/ops/bprop_mindir/HSigmoid_bprop.mindir +16 -0
  391. mindspore/ops/bprop_mindir/HSwish_bprop.mindir +16 -0
  392. mindspore/ops/bprop_mindir/InstanceNorm_bprop.mindir +0 -0
  393. mindspore/ops/bprop_mindir/KLDivLoss_bprop.mindir +126 -0
  394. mindspore/ops/bprop_mindir/L2Loss_bprop.mindir +15 -0
  395. mindspore/ops/bprop_mindir/L2Normalize_bprop.mindir +30 -0
  396. mindspore/ops/bprop_mindir/LRN_bprop.mindir +43 -0
  397. mindspore/ops/bprop_mindir/LayerNormGrad_bprop.mindir +0 -0
  398. mindspore/ops/bprop_mindir/LogSoftmax_bprop.mindir +23 -0
  399. mindspore/ops/bprop_mindir/MaxPool3DGradGrad_bprop.mindir +74 -0
  400. mindspore/ops/bprop_mindir/MaxPool3DGrad_bprop.mindir +74 -0
  401. mindspore/ops/bprop_mindir/MaxPool3D_bprop.mindir +75 -0
  402. mindspore/ops/bprop_mindir/MaxPoolGradGrad_bprop.mindir +65 -0
  403. mindspore/ops/bprop_mindir/MaxPoolWithArgmax_bprop.mindir +0 -0
  404. mindspore/ops/bprop_mindir/MirrorPad_bprop.mindir +27 -0
  405. mindspore/ops/bprop_mindir/Mish_bprop.mindir +35 -0
  406. mindspore/ops/bprop_mindir/MulNoNan_bprop.mindir +0 -0
  407. mindspore/ops/bprop_mindir/NLLLoss_bprop.mindir +0 -0
  408. mindspore/ops/bprop_mindir/OneHot_bprop.mindir +24 -25
  409. mindspore/ops/bprop_mindir/PReLU_bprop.mindir +0 -0
  410. mindspore/ops/bprop_mindir/Pad_bprop.mindir +0 -0
  411. mindspore/ops/bprop_mindir/Padding_bprop.mindir +0 -0
  412. mindspore/ops/bprop_mindir/RNNTLoss_bprop.mindir +29 -0
  413. mindspore/ops/bprop_mindir/ROIAlign_bprop.mindir +82 -0
  414. mindspore/ops/bprop_mindir/ReLU6_bprop.mindir +16 -0
  415. mindspore/ops/bprop_mindir/ReLUV2_bprop.mindir +0 -0
  416. mindspore/ops/bprop_mindir/ReluGrad_bprop.mindir +18 -19
  417. mindspore/ops/bprop_mindir/Reshape_bprop.mindir +53 -53
  418. mindspore/ops/bprop_mindir/ResizeBilinear_bprop.mindir +29 -0
  419. mindspore/ops/bprop_mindir/ResizeNearestNeighbor_bprop.mindir +77 -85
  420. mindspore/ops/bprop_mindir/SeLU_bprop.mindir +21 -0
  421. mindspore/ops/bprop_mindir/SigmoidCrossEntropyWithLogits_bprop.mindir +21 -0
  422. mindspore/ops/bprop_mindir/SigmoidGrad_bprop.mindir +0 -0
  423. mindspore/ops/bprop_mindir/Sigmoid_bprop.mindir +16 -0
  424. mindspore/ops/bprop_mindir/SmoothL1Loss_bprop.mindir +36 -0
  425. mindspore/ops/bprop_mindir/SoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
  426. mindspore/ops/bprop_mindir/Softplus_bprop.mindir +16 -0
  427. mindspore/ops/bprop_mindir/Softsign_bprop.mindir +33 -0
  428. mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
  429. mindspore/ops/bprop_mindir/Squeeze_bprop.mindir +37 -39
  430. mindspore/ops/bprop_mindir/StridedSlice_bprop.mindir +70 -72
  431. mindspore/ops/bprop_mindir/TanhGrad_bprop.mindir +0 -0
  432. mindspore/ops/bprop_mindir/Tanh_bprop.mindir +66 -0
  433. mindspore/ops/bprop_mindir/Tile_bprop.mindir +0 -0
  434. mindspore/ops/bprop_mindir/TopK_bprop.mindir +0 -0
  435. mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +17 -17
  436. mindspore/ops/bprop_mindir/UpsampleNearest3D_bprop.mindir +32 -0
  437. mindspore/ops/bprop_mindir/UpsampleTrilinear3D_bprop.mindir +38 -0
  438. mindspore/ops/bprop_mindir/generate_mindir.py +2 -0
  439. mindspore/ops/composite/__init__.py +7 -8
  440. mindspore/ops/composite/base.py +101 -47
  441. mindspore/ops/composite/math_ops.py +188 -158
  442. mindspore/ops/composite/multitype_ops/_compile_utils.py +415 -170
  443. mindspore/ops/composite/multitype_ops/_constexpr_utils.py +142 -87
  444. mindspore/ops/composite/multitype_ops/add_impl.py +6 -1
  445. mindspore/ops/composite/multitype_ops/div_impl.py +2 -3
  446. mindspore/ops/composite/multitype_ops/getitem_impl.py +31 -3
  447. mindspore/ops/composite/multitype_ops/greater_equal_impl.py +31 -0
  448. mindspore/ops/composite/multitype_ops/greater_impl.py +31 -0
  449. mindspore/ops/composite/multitype_ops/in_impl.py +9 -0
  450. mindspore/ops/composite/multitype_ops/less_equal_impl.py +31 -0
  451. mindspore/ops/composite/multitype_ops/less_impl.py +31 -0
  452. mindspore/ops/composite/multitype_ops/mul_impl.py +21 -5
  453. mindspore/ops/composite/multitype_ops/not_in_impl.py +9 -0
  454. mindspore/ops/composite/multitype_ops/ones_like_impl.py +2 -4
  455. mindspore/ops/composite/multitype_ops/setitem_impl.py +21 -3
  456. mindspore/ops/composite/multitype_ops/sub_impl.py +1 -1
  457. mindspore/ops/composite/multitype_ops/zeros_like_impl.py +35 -4
  458. mindspore/ops/function/__init__.py +152 -8
  459. mindspore/ops/function/array_func.py +2555 -674
  460. mindspore/ops/function/clip_func.py +209 -13
  461. mindspore/ops/function/debug_func.py +2 -2
  462. mindspore/ops/function/grad/__init__.py +2 -1
  463. mindspore/ops/function/grad/grad_func.py +147 -62
  464. mindspore/ops/function/image_func.py +54 -38
  465. mindspore/ops/function/linalg_func.py +167 -16
  466. mindspore/ops/function/math_func.py +4849 -1492
  467. mindspore/ops/function/nn_func.py +2573 -988
  468. mindspore/ops/function/other_func.py +115 -0
  469. mindspore/ops/function/parameter_func.py +3 -3
  470. mindspore/ops/function/random_func.py +790 -73
  471. mindspore/ops/function/sparse_func.py +98 -78
  472. mindspore/ops/function/sparse_unary_func.py +54 -53
  473. mindspore/ops/function/spectral_func.py +27 -24
  474. mindspore/ops/function/vmap_func.py +22 -2
  475. mindspore/ops/functional.py +97 -37
  476. mindspore/ops/op_info_register.py +70 -28
  477. mindspore/ops/operations/__init__.py +47 -14
  478. mindspore/ops/operations/_csr_ops.py +7 -7
  479. mindspore/ops/operations/_embedding_cache_ops.py +5 -5
  480. mindspore/ops/operations/_grad_ops.py +276 -187
  481. mindspore/ops/operations/_inner_ops.py +319 -113
  482. mindspore/ops/operations/_ms_kernel.py +10 -8
  483. mindspore/ops/operations/_ocr_ops.py +9 -9
  484. mindspore/ops/operations/_opaque_predicate_registry.py +4 -0
  485. mindspore/ops/operations/_quant_ops.py +137 -102
  486. mindspore/ops/operations/_rl_inner_ops.py +121 -60
  487. mindspore/ops/operations/_scalar_ops.py +466 -0
  488. mindspore/ops/operations/_sequence_ops.py +1004 -2
  489. mindspore/ops/operations/_tensor_array.py +10 -11
  490. mindspore/ops/operations/_thor_ops.py +1 -1
  491. mindspore/ops/operations/array_ops.py +801 -466
  492. mindspore/ops/operations/comm_ops.py +51 -49
  493. mindspore/ops/operations/control_ops.py +2 -2
  494. mindspore/ops/operations/custom_ops.py +123 -44
  495. mindspore/ops/operations/debug_ops.py +24 -24
  496. mindspore/ops/operations/image_ops.py +240 -153
  497. mindspore/ops/operations/inner_ops.py +34 -50
  498. mindspore/ops/operations/linalg_ops.py +31 -9
  499. mindspore/ops/operations/math_ops.py +988 -757
  500. mindspore/ops/operations/nn_ops.py +965 -819
  501. mindspore/ops/operations/other_ops.py +51 -40
  502. mindspore/ops/operations/random_ops.py +204 -122
  503. mindspore/ops/operations/rl_ops.py +8 -9
  504. mindspore/ops/operations/sparse_ops.py +254 -93
  505. mindspore/ops/operations/spectral_ops.py +35 -3
  506. mindspore/ops/primitive.py +111 -9
  507. mindspore/parallel/_auto_parallel_context.py +189 -83
  508. mindspore/parallel/_offload_context.py +185 -0
  509. mindspore/parallel/_parallel_serialization.py +99 -7
  510. mindspore/parallel/_ps_context.py +9 -5
  511. mindspore/parallel/_recovery_context.py +1 -1
  512. mindspore/parallel/_tensor.py +7 -1
  513. mindspore/{nn/transformer → parallel/_transformer}/__init__.py +6 -6
  514. mindspore/{nn/transformer → parallel/_transformer}/layers.py +6 -37
  515. mindspore/{nn/transformer → parallel/_transformer}/loss.py +4 -7
  516. mindspore/{nn/transformer → parallel/_transformer}/moe.py +20 -16
  517. mindspore/{nn/transformer → parallel/_transformer}/op_parallel_config.py +3 -3
  518. mindspore/{nn/transformer → parallel/_transformer}/transformer.py +48 -111
  519. mindspore/parallel/_utils.py +1 -2
  520. mindspore/parallel/algo_parameter_config.py +1 -1
  521. mindspore/parallel/checkpoint_transform.py +37 -34
  522. mindspore/parallel/shard.py +17 -18
  523. mindspore/profiler/common/validator/validate_path.py +2 -2
  524. mindspore/profiler/envprofiling.py +69 -47
  525. mindspore/profiler/parser/ascend_timeline_generator.py +49 -42
  526. mindspore/profiler/parser/base_timeline_generator.py +49 -56
  527. mindspore/profiler/parser/cpu_gpu_timeline_generator.py +98 -78
  528. mindspore/profiler/parser/hwts_log_parser.py +1 -1
  529. mindspore/profiler/parser/integrator.py +15 -14
  530. mindspore/profiler/parser/minddata_analyzer.py +2 -2
  531. mindspore/profiler/parser/msadvisor_analyzer.py +12 -25
  532. mindspore/profiler/parser/msadvisor_parser.py +2 -4
  533. mindspore/profiler/parser/optime_parser.py +17 -18
  534. mindspore/profiler/parser/profiler_info.py +2 -1
  535. mindspore/profiler/profiling.py +218 -186
  536. mindspore/rewrite/__init__.py +3 -1
  537. mindspore/rewrite/api/node.py +1 -114
  538. mindspore/rewrite/api/node_type.py +3 -0
  539. mindspore/rewrite/api/pattern_engine.py +31 -1
  540. mindspore/rewrite/api/scoped_value.py +4 -4
  541. mindspore/rewrite/api/symbol_tree.py +3 -78
  542. mindspore/rewrite/api/tree_node_helper.py +1 -1
  543. mindspore/rewrite/ast_creator_register.py +1 -0
  544. mindspore/rewrite/ast_helpers/__init__.py +2 -2
  545. mindspore/rewrite/ast_helpers/ast_creator.py +1 -2
  546. mindspore/rewrite/ast_helpers/ast_finder.py +65 -0
  547. mindspore/rewrite/ast_helpers/ast_modifier.py +11 -3
  548. mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +18 -2
  549. mindspore/rewrite/namespace.py +0 -2
  550. mindspore/rewrite/node.py +157 -11
  551. mindspore/rewrite/parsers/assign_parser.py +231 -53
  552. mindspore/rewrite/parsers/class_def_parser.py +187 -109
  553. mindspore/rewrite/parsers/for_parser.py +24 -14
  554. mindspore/rewrite/parsers/function_def_parser.py +21 -4
  555. mindspore/rewrite/parsers/if_parser.py +6 -2
  556. mindspore/rewrite/sparsify/__init__.py +0 -0
  557. mindspore/rewrite/sparsify/sparse_transformer.py +448 -0
  558. mindspore/rewrite/sparsify/sparsify.py +109 -0
  559. mindspore/rewrite/sparsify/utils.py +173 -0
  560. mindspore/rewrite/symbol_tree.py +256 -133
  561. mindspore/rewrite/symbol_tree_builder.py +38 -1
  562. mindspore/run_check/_check_version.py +69 -63
  563. mindspore/run_check/run_check.py +2 -1
  564. mindspore/tinyxml2.dll +0 -0
  565. mindspore/train/__init__.py +1 -1
  566. mindspore/train/_utils.py +28 -5
  567. mindspore/train/amp.py +273 -102
  568. mindspore/train/callback/_backup_and_restore.py +5 -5
  569. mindspore/train/callback/_callback.py +2 -2
  570. mindspore/train/callback/_checkpoint.py +3 -3
  571. mindspore/train/callback/_early_stop.py +3 -3
  572. mindspore/train/callback/_lambda_callback.py +2 -2
  573. mindspore/train/callback/_landscape.py +29 -31
  574. mindspore/train/callback/_loss_monitor.py +3 -3
  575. mindspore/train/callback/_on_request_exit.py +3 -3
  576. mindspore/train/callback/_reduce_lr_on_plateau.py +4 -4
  577. mindspore/train/callback/_summary_collector.py +23 -16
  578. mindspore/train/callback/_time_monitor.py +3 -3
  579. mindspore/train/checkpoint_pb2.py +68 -8
  580. mindspore/train/data_sink.py +15 -3
  581. mindspore/train/dataset_helper.py +10 -15
  582. mindspore/train/loss_scale_manager.py +8 -11
  583. mindspore/train/metrics/__init__.py +1 -1
  584. mindspore/train/metrics/bleu_score.py +1 -1
  585. mindspore/train/metrics/confusion_matrix.py +1 -1
  586. mindspore/train/metrics/cosine_similarity.py +1 -1
  587. mindspore/train/metrics/dice.py +2 -2
  588. mindspore/train/metrics/fbeta.py +1 -1
  589. mindspore/train/metrics/hausdorff_distance.py +4 -3
  590. mindspore/train/metrics/mean_surface_distance.py +2 -2
  591. mindspore/train/metrics/occlusion_sensitivity.py +1 -1
  592. mindspore/train/metrics/perplexity.py +1 -1
  593. mindspore/train/metrics/precision.py +1 -1
  594. mindspore/train/metrics/recall.py +1 -1
  595. mindspore/train/metrics/roc.py +2 -2
  596. mindspore/train/metrics/root_mean_square_surface_distance.py +2 -2
  597. mindspore/train/mind_ir_pb2.py +116 -37
  598. mindspore/train/model.py +45 -28
  599. mindspore/train/serialization.py +295 -188
  600. mindspore/train/summary/_summary_adapter.py +1 -1
  601. mindspore/train/summary/summary_record.py +43 -13
  602. mindspore/train/train_thor/convert_utils.py +2 -2
  603. mindspore/train/train_thor/dataset_helper.py +3 -3
  604. mindspore/turbojpeg.dll +0 -0
  605. mindspore/version.py +1 -1
  606. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/METADATA +3 -2
  607. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/RECORD +610 -541
  608. mindspore/compression/__init__.py +0 -19
  609. mindspore/compression/common/constant.py +0 -124
  610. mindspore/compression/export/__init__.py +0 -19
  611. mindspore/compression/export/quant_export.py +0 -515
  612. mindspore/compression/quant/__init__.py +0 -28
  613. mindspore/compression/quant/qat.py +0 -634
  614. mindspore/compression/quant/quant_utils.py +0 -462
  615. mindspore/compression/quant/quantizer.py +0 -68
  616. mindspore/nn/layer/quant.py +0 -1868
  617. mindspore/nn/layer/rnn_utils.py +0 -90
  618. mindspore/nn/probability/dpn/__init__.py +0 -22
  619. mindspore/nn/probability/dpn/vae/__init__.py +0 -25
  620. mindspore/nn/probability/dpn/vae/cvae.py +0 -140
  621. mindspore/nn/probability/dpn/vae/vae.py +0 -124
  622. mindspore/nn/probability/infer/__init__.py +0 -22
  623. mindspore/nn/probability/infer/variational/elbo.py +0 -70
  624. mindspore/nn/probability/infer/variational/svi.py +0 -84
  625. mindspore/nn/probability/toolbox/__init__.py +0 -22
  626. mindspore/nn/probability/toolbox/anomaly_detection.py +0 -99
  627. mindspore/nn/probability/toolbox/uncertainty_evaluation.py +0 -364
  628. mindspore/nn/probability/transforms/__init__.py +0 -22
  629. mindspore/nn/probability/transforms/transform_bnn.py +0 -262
  630. mindspore/nn/probability/zhusuan/__init__.py +0 -18
  631. mindspore/nn/probability/zhusuan/framework/__init__.py +0 -18
  632. mindspore/nn/probability/zhusuan/framework/bn.py +0 -95
  633. mindspore/nn/probability/zhusuan/variational/__init__.py +0 -18
  634. mindspore/nn/probability/zhusuan/variational/elbo.py +0 -46
  635. mindspore/ops/_op_impl/aicpu/parallel_concat.py +0 -42
  636. mindspore/ops/_op_impl/tbe/gather_v2.py +0 -56
  637. mindspore/ops/bprop_mindir/AssignAdd_bprop.mindir +0 -19
  638. mindspore/ops/bprop_mindir/Cast_bprop.mindir +0 -19
  639. mindspore/ops/bprop_mindir/LogicalOr_bprop.mindir +0 -19
  640. mindspore/ops/bprop_mindir/MatMul_bprop.mindir +0 -0
  641. mindspore/ops/bprop_mindir/ReLU_bprop.mindir +0 -17
  642. mindspore/ops/bprop_mindir/Transpose_bprop.mindir +0 -0
  643. mindspore/ops/bprop_mindir/UpdateState_bprop.mindir +0 -15
  644. mindspore/ops/composite/array_ops.py +0 -241
  645. mindspore/ops/composite/clip_ops.py +0 -134
  646. mindspore/ops/composite/random_ops.py +0 -426
  647. mindspore/ops/composite/vmap_ops.py +0 -38
  648. mindspore/parallel/nn/__init__.py +0 -42
  649. mindspore/parallel/nn/loss.py +0 -22
  650. mindspore/parallel/nn/moe.py +0 -21
  651. mindspore/parallel/nn/op_parallel_config.py +0 -22
  652. mindspore/parallel/nn/transformer.py +0 -31
  653. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/WHEEL +0 -0
  654. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/entry_points.txt +0 -0
  655. {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/top_level.txt +0 -0
@@ -98,18 +98,18 @@ class ImageTensorOperation(TensorOperation):
98
98
 
99
99
 
100
100
  class AdjustBrightness(ImageTensorOperation, PyTensorOperation):
101
- r"""
102
- Apdjust brightness of input image. Input image is expected to be in [H, W, C] format.
101
+ """
102
+ Adjust the brightness of the input image.
103
103
 
104
104
  Args:
105
- brightness_factor (float): How much to adjust the brightness. Can be any non negative number.
105
+ brightness_factor (float): How much to adjust the brightness, must be non negative.
106
106
  0 gives a black image, 1 gives the original image,
107
107
  while 2 increases the brightness by a factor of 2.
108
108
 
109
109
  Raises:
110
110
  TypeError: If `brightness_factor` is not of type float.
111
111
  ValueError: If `brightness_factor` is less than 0.
112
- RuntimeError: If given tensor shape is not <H, W, C>.
112
+ RuntimeError: If shape of the input image is not <H, W, C>.
113
113
 
114
114
  Supported Platforms:
115
115
  ``CPU``
@@ -142,18 +142,18 @@ class AdjustBrightness(ImageTensorOperation, PyTensorOperation):
142
142
 
143
143
 
144
144
  class AdjustContrast(ImageTensorOperation, PyTensorOperation):
145
- r"""
146
- Adjust contrast of input image. Input image is expected to be in [H, W, C] format.
145
+ """
146
+ Adjust the contrast of the input image.
147
147
 
148
148
  Args:
149
- contrast_factor (float): How much to adjust the contrast. Can be any non negative number.
149
+ contrast_factor (float): How much to adjust the contrast, must be non negative.
150
150
  0 gives a solid gray image, 1 gives the original image,
151
151
  while 2 increases the contrast by a factor of 2.
152
152
 
153
153
  Raises:
154
154
  TypeError: If `contrast_factor` is not of type float.
155
155
  ValueError: If `contrast_factor` is less than 0.
156
- RuntimeError: If given tensor shape is not <H, W, C>.
156
+ RuntimeError: If shape of the input image is not <H, W, C>.
157
157
 
158
158
  Supported Platforms:
159
159
  ``CPU``
@@ -187,7 +187,7 @@ class AdjustContrast(ImageTensorOperation, PyTensorOperation):
187
187
 
188
188
  class AdjustGamma(ImageTensorOperation, PyTensorOperation):
189
189
  r"""
190
- Apply gamma correction on input image. Input image is expected to be in [..., H, W, C] or [H, W] format.
190
+ Apply gamma correction on input image. Input image is expected to be in <..., H, W, C> or <H, W> format.
191
191
 
192
192
  .. math::
193
193
  I_{\text{out}} = 255 \times \text{gain} \times \left(\frac{I_{\text{in}}}{255}\right)^{\gamma}
@@ -242,17 +242,17 @@ class AdjustGamma(ImageTensorOperation, PyTensorOperation):
242
242
 
243
243
 
244
244
  class AdjustHue(ImageTensorOperation, PyTensorOperation):
245
- r"""
246
- Adjust hue of input image. Input image is expected to be in [H, W, C] format.
245
+ """
246
+ Adjust the hue of the input image.
247
247
 
248
248
  Args:
249
249
  hue_factor (float): How much to add to the hue channel,
250
- must be in the interval [-0.5, 0.5].
250
+ must be in range of [-0.5, 0.5].
251
251
 
252
252
  Raises:
253
253
  TypeError: If `hue_factor` is not of type float.
254
254
  ValueError: If `hue_factor` is not in the interval [-0.5, 0.5].
255
- RuntimeError: If given tensor shape is not <H, W, C>.
255
+ RuntimeError: If shape of the input image is not <H, W, C>.
256
256
 
257
257
  Supported Platforms:
258
258
  ``CPU``
@@ -285,17 +285,18 @@ class AdjustHue(ImageTensorOperation, PyTensorOperation):
285
285
 
286
286
 
287
287
  class AdjustSaturation(ImageTensorOperation, PyTensorOperation):
288
- r"""
289
- Adjust saturation of input image. Input image is expected to be in [H, W, C] format.
288
+ """
289
+ Adjust the saturation of the input image.
290
290
 
291
291
  Args:
292
- saturation_factor (float): How much to adjust the saturation. Can be any non negative number.
292
+ saturation_factor (float): How much to adjust the saturation, must be non negative.
293
293
  0 gives a black image, 1 gives the original image while 2 increases the saturation by a factor of 2.
294
294
 
295
295
  Raises:
296
296
  TypeError: If `saturation_factor` is not of type float.
297
297
  ValueError: If `saturation_factor` is less than 0.
298
- RuntimeError: If given tensor shape is not <H, W, C> or channel is not 3.
298
+ RuntimeError: If shape of the input image is not <H, W, C>.
299
+ RuntimeError: If channel of the input image is not 3.
299
300
 
300
301
  Supported Platforms:
301
302
  ``CPU``
@@ -328,18 +329,18 @@ class AdjustSaturation(ImageTensorOperation, PyTensorOperation):
328
329
 
329
330
 
330
331
  class AdjustSharpness(ImageTensorOperation):
331
- r"""
332
- Adjust sharpness of input image. Input image is expected to be in [H, W, C] or [H, W] format.
332
+ """
333
+ Adjust the sharpness of the input image.
333
334
 
334
335
  Args:
335
- sharpness_factor (float): How much to adjust the sharpness, should be a
336
- non negative number. 0 gives a blurred image, 1 gives the
337
- original image while 2 increases the Sharpness by a factor of 2.
336
+ sharpness_factor (float): How much to adjust the sharpness, must be
337
+ non negative. 0 gives a blurred image, 1 gives the
338
+ original image while 2 increases the sharpness by a factor of 2.
338
339
 
339
340
  Raises:
340
341
  TypeError: If `sharpness_factor` is not of type float.
341
342
  ValueError: If `sharpness_factor` is less than 0.
342
- RuntimeError: If given tensor shape is not <H, W, C> or <H, W>.
343
+ RuntimeError: If shape of the input image is not <H, W> or <H, W, C>.
343
344
 
344
345
  Supported Platforms:
345
346
  ``CPU``
@@ -366,13 +367,11 @@ class Affine(ImageTensorOperation):
366
367
 
367
368
  Args:
368
369
  degrees (float): Rotation angle in degrees between -180 and 180, clockwise direction.
369
- translate (Sequence): The horizontal and vertical translations, must be a sequence of size 2.
370
+ translate (Sequence[float, float]): The horizontal and vertical translations, must be a sequence of size 2.
370
371
  scale (float): Scaling factor, which must be positive.
371
- shear (Union[float, Sequence]): Shear angle value in degrees between -180 to 180.
372
- If a number is provided, a shearing parallel to X axis with a factor selected from
373
- ( `-shear` , `shear` ) will be applied.
374
- If a sequence is provided, a shearing parallel to X axis with a factor selected
375
- from ( `shear` [0], `shear` [1]) will be applied.
372
+ shear (Union[float, Sequence[float, float]]): Shear angle value in degrees between -180 to 180.
373
+ If float is provided, shear along the x axis with this value, without shearing along the y axis;
374
+ If Sequence[float, float] is provided, shear along the x axis and y axis with these two values separately.
376
375
  resample (Inter, optional): An optional resampling filter. Default: Inter.NEAREST.
377
376
  It can be any of [Inter.BILINEAR, Inter.NEAREST, Inter.BICUBIC, Inter.AREA].
378
377
 
@@ -392,11 +391,11 @@ class Affine(ImageTensorOperation):
392
391
  TypeError: If `degrees` is not of type float.
393
392
  TypeError: If `translate` is not of type Sequence[float, float].
394
393
  TypeError: If `scale` is not of type float.
394
+ ValueError: If `scale` is non positive.
395
395
  TypeError: If `shear` is not of float or Sequence[float, float].
396
396
  TypeError: If `resample` is not of type :class:`mindspore.dataset.vision.Inter` .
397
397
  TypeError: If `fill_value` is not of type int or tuple[int, int, int].
398
- ValueError: If `scale` is non positive.
399
- RuntimeError: If given tensor shape is not <H, W> or <H, W, C>.
398
+ RuntimeError: If shape of the input image is not <H, W> or <H, W, C>.
400
399
 
401
400
  Supported Platforms:
402
401
  ``CPU``
@@ -567,7 +566,7 @@ class BoundingBoxAugment(ImageTensorOperation):
567
566
  Range: [0.0, 1.0]. Default: 0.3.
568
567
 
569
568
  Raises:
570
- TypeError: If `transform` is an image processing operation in :class:`mindspore.dataset.vision.transforms` .
569
+ TypeError: If `transform` is an image processing operation in `mindspore.dataset.vision` .
571
570
  TypeError: If `ratio` is not of type float.
572
571
  ValueError: If `ratio` is not in range [0.0, 1.0].
573
572
  RuntimeError: If given bounding box is invalid.
@@ -613,7 +612,7 @@ class CenterCrop(ImageTensorOperation, PyTensorOperation):
613
612
  Raises:
614
613
  TypeError: If `size` is not of type integer or sequence.
615
614
  ValueError: If `size` is less than or equal to 0.
616
- RuntimeError: If given tensor shape is not <H, W> or <H, W, C>.
615
+ RuntimeError: If given tensor shape is not <H, W> or <..., H, W, C>.
617
616
 
618
617
  Supported Platforms:
619
618
  ``CPU``
@@ -864,7 +863,8 @@ class Decode(ImageTensorOperation, PyTensorOperation):
864
863
  Supported image formats: JPEG, BMP, PNG, TIFF, GIF(need `to_pil=True` ), WEBP(need `to_pil=True` ).
865
864
 
866
865
  Args:
867
- to_pil (bool, optional): decode to PIL Image. Default: False.
866
+ to_pil (bool, optional): Whether to decode the image to the PIL data type. If True, the image will be decoded
867
+ to the PIL data type, otherwise it will be decoded to the NumPy data type. Default: False.
868
868
 
869
869
  Raises:
870
870
  RuntimeError: If given tensor is not a 1D sequence.
@@ -972,20 +972,24 @@ class Erase(ImageTensorOperation):
972
972
  left (int): Horizontal ordinate of the upper left corner of erased region.
973
973
  height (int): Height of erased region.
974
974
  width (int): Width of erased region.
975
- value (Union[int, Sequence[int]], optional): Pixel value used to pad the erased area.
976
- If a single integer is provided, it will be used for all RGB channels.
977
- If a sequence of length 3 is provided, it will be used for R, G, B channels respectively.
978
- Default: 0.
975
+ value (Union[int, Sequence[int, int, int]], optional): Pixel value used to pad the erased area. Default: 0.
976
+ If int is provided, it will be used for all RGB channels.
977
+ If Sequence[int, int, int] is provided, it will be used for R, G, B channels respectively.
979
978
  inplace (bool, optional): Whether to apply erasing inplace. Default: False.
980
979
 
981
980
  Raises:
982
981
  TypeError: If `top` is not of type int.
982
+ ValueError: If `top` is negative.
983
983
  TypeError: If `left` is not of type int.
984
+ ValueError: If `left` is negative.
984
985
  TypeError: If `height` is not of type int.
986
+ ValueError: If `height` is not positive.
985
987
  TypeError: If `width` is not of type int.
986
- TypeError: If `value` is not of type int or Sequence[int].
988
+ ValueError: If `width` is not positive.
989
+ TypeError: If `value` is not of type int or Sequence[int, int, int].
990
+ ValueError: If `value` is not in range of [0, 255].
987
991
  TypeError: If `inplace` is not of type bool.
988
- RuntimeError: If given tensor shape is not <H, W, C>.
992
+ RuntimeError: If shape of the input image is not <H, W, C>.
989
993
 
990
994
  Supported Platforms:
991
995
  ``CPU``
@@ -1182,8 +1186,8 @@ class HsvToRgb(PyTensorOperation):
1182
1186
  Convert the input numpy.ndarray images from HSV to RGB.
1183
1187
 
1184
1188
  Args:
1185
- is_hwc (bool): If True, means the input image is in shape of (H, W, C) or (N, H, W, C).
1186
- Otherwise, it is in shape of (C, H, W) or (N, C, H, W). Default: False.
1189
+ is_hwc (bool): If True, means the input image is in shape of <H, W, C> or <N, H, W, C>.
1190
+ Otherwise, it is in shape of <C, H, W> or <N, C, H, W>. Default: False.
1187
1191
 
1188
1192
  Raises:
1189
1193
  TypeError: If `is_hwc` is not of type bool.
@@ -1225,7 +1229,7 @@ class HsvToRgb(PyTensorOperation):
1225
1229
 
1226
1230
  class HWC2CHW(ImageTensorOperation):
1227
1231
  """
1228
- Transpose the input image from shape (H, W, C) to (C, H, W).
1232
+ Transpose the input image from shape <H, W, C> to <C, H, W>.
1229
1233
  If the input image is of shape <H, W>, it will remain unchanged.
1230
1234
 
1231
1235
  Note:
@@ -1341,7 +1345,7 @@ class LinearTransformation(PyTensorOperation):
1341
1345
  Execute method.
1342
1346
 
1343
1347
  Args:
1344
- np_img (numpy.ndarray): Image in shape of (C, H, W) to be linearly transformed.
1348
+ np_img (numpy.ndarray): Image in shape of <C, H, W> to be linearly transformed.
1345
1349
 
1346
1350
  Returns:
1347
1351
  numpy.ndarray, linearly transformed image.
@@ -1353,9 +1357,9 @@ class MixUp(PyTensorOperation):
1353
1357
  """
1354
1358
  Randomly mix up a batch of numpy.ndarray images together with its labels.
1355
1359
 
1356
- Each image will be multiplied by a random weight lambda generated from the Beta distribution and then added
1357
- to another image multiplied by 1 - lambda. The same transformation will be applied to their labels with the
1358
- same value of lambda. Make sure that the labels are one-hot encoded in advance.
1360
+ Each image will be multiplied by a random weight :math:`lambda` generated from the Beta distribution and then added
1361
+ to another image multiplied by :math:`1 - lambda`. The same transformation will be applied to their labels with the
1362
+ same value of :math:`lambda`. Make sure that the labels are one-hot encoded in advance.
1359
1363
 
1360
1364
  Args:
1361
1365
  batch_size (int): The number of images in a batch.
@@ -1485,7 +1489,7 @@ class Normalize(ImageTensorOperation):
1485
1489
  TypeError: If `is_hwc` is not of type bool.
1486
1490
  ValueError: If `mean` is not in range [0.0, 255.0].
1487
1491
  ValueError: If `std` is not in range (0.0, 255.0].
1488
- RuntimeError: If given tensor format is not <H, W> or <...,H, W, C>.
1492
+ RuntimeError: If given tensor format is not <H, W> or <..., H, W, C>.
1489
1493
 
1490
1494
  Supported Platforms:
1491
1495
  ``CPU``
@@ -1589,14 +1593,8 @@ class Pad(ImageTensorOperation, PyTensorOperation):
1589
1593
  - Border.SYMMETRIC, means it reflects the values on the edge repeating the last
1590
1594
  value of edge.
1591
1595
 
1592
- Note:
1593
- The behavior when `padding` is a sequence of length 2 will change from padding left/top with
1594
- the first value and right/bottom with the second, to padding left/right with the first one
1595
- and top/bottom with the second in the future. Or you can pass in a 4-element sequence to specify
1596
- left, top, right and bottom respectively.
1597
-
1598
1596
  Raises:
1599
- TypeError: If `padding` is not of type int or Sequence[int, int], Sequence[int, int, int, int]].
1597
+ TypeError: If `padding` is not of type int or Sequence[int, int], Sequence[int, int, int, int].
1600
1598
  TypeError: If `fill_value` is not of type int or tuple[int].
1601
1599
  TypeError: If `padding_mode` is not of type :class:`mindspore.dataset.vision.Border` .
1602
1600
  ValueError: If `padding` is negative.
@@ -1703,29 +1701,29 @@ class Perspective(ImageTensorOperation, PyTensorOperation):
1703
1701
  Apply perspective transformation on input image.
1704
1702
 
1705
1703
  Args:
1706
- start_points (Sequence[Sequence[int, int]]): List containing four lists of two integers corresponding to four
1707
- corners [top-left, top-right, bottom-right, bottom-left] of the original image.
1708
- end_points (Sequence[Sequence[int, int]]): List containing four lists of two integers corresponding to four
1709
- corners [top-left, top-right, bottom-right, bottom-left] of the transformed image.
1704
+ start_points (Sequence[Sequence[int, int]]): Sequence of the starting point coordinates, containing four
1705
+ two-element subsequences, corresponding to [top-left, top-right, bottom-right, bottom-left] of the
1706
+ quadrilateral in the original image.
1707
+ end_points (Sequence[Sequence[int, int]]): Sequence of the ending point coordinates, containing four
1708
+ two-element subsequences, corresponding to [top-left, top-right, bottom-right, bottom-left] of the
1709
+ quadrilateral in the target image.
1710
1710
  interpolation (Inter, optional): Method of interpolation. It can be Inter.BILINEAR, Inter.LINEAR,
1711
1711
  Inter.NEAREST, Inter.AREA, Inter.PILCUBIC, Inter.CUBIC or Inter.BICUBIC. Default: Inter.BILINEAR.
1712
1712
 
1713
1713
  - Inter.BILINEAR, bilinear interpolation.
1714
- - Inter.LINEAR, bilinear interpolation, here is the same as Inter.BILINEAR.
1714
+ - Inter.LINEAR, linear interpolation, the same as Inter.BILINEAR.
1715
1715
  - Inter.NEAREST, nearest-neighbor interpolation.
1716
1716
  - Inter.BICUBIC, bicubic interpolation.
1717
- - Inter.CUBIC: means the interpolation method is bicubic interpolation, here is the same as Inter.BICUBIC.
1718
- - Inter.PILCUBIC, means interpolation method is bicubic interpolation like implemented in pillow, input
1719
- should be in 3 channels format.(PIL input is not supported)
1720
- - Inter.AREA, pixel area interpolation.(PIL input is not supported)
1717
+ - Inter.CUBIC, cubic interpolation, the same as Inter.BICUBIC.
1718
+ - Inter.PILCUBIC, cubic interpolation based on the implementation of Pillow,
1719
+ only numpy.ndarray input is supported.
1720
+ - Inter.AREA, pixel area interpolation, only numpy.ndarray input is supported.
1721
1721
 
1722
1722
  Raises:
1723
- TypeError: If `start_points` is not of type Sequence[Sequence[int, int]] of length 4.
1724
- TypeError: If element in `start_points` is not of type Sequence[int, int] of length 2.
1725
- TypeError: If `end_points` is not of type Sequence[Sequence[int, int]] of length 4.
1726
- TypeError: If element in `end_points` is not of type Sequence[int, int] of length 2.
1723
+ TypeError: If `start_points` is not of type Sequence[Sequence[int, int]].
1724
+ TypeError: If `end_points` is not of type Sequence[Sequence[int, int]].
1727
1725
  TypeError: If `interpolation` is not of type :class:`mindspore.dataset.vision.Inter` .
1728
- RuntimeError: If given tensor shape is not <H, W> or <H, W, C>.
1726
+ RuntimeError: If shape of the input image is not <H, W> or <H, W, C>.
1729
1727
 
1730
1728
  Supported Platforms:
1731
1729
  ``CPU``
@@ -1760,7 +1758,7 @@ class Perspective(ImageTensorOperation, PyTensorOperation):
1760
1758
  raise TypeError("Current Interpolation is not supported with NumPy input.")
1761
1759
  return cde.PerspectiveOperation(self.start_points, self.end_points, Inter.to_c_type(self.interpolation))
1762
1760
 
1763
- def execute_py(self, img):
1761
+ def _execute_py(self, img):
1764
1762
  """
1765
1763
  Execute method.
1766
1764
 
@@ -1777,7 +1775,8 @@ class Perspective(ImageTensorOperation, PyTensorOperation):
1777
1775
 
1778
1776
  class Posterize(ImageTensorOperation):
1779
1777
  """
1780
- Posterize an image by reducing the number of bits for each color channel.
1778
+ Reduce the bit depth of the color channels of image to create a high contrast and vivid color effect,
1779
+ similar to that seen in posters or printed materials.
1781
1780
 
1782
1781
  Args:
1783
1782
  bits (int): The number of bits to keep for each channel, should be in range of [0, 8].
@@ -1785,7 +1784,7 @@ class Posterize(ImageTensorOperation):
1785
1784
  Raises:
1786
1785
  TypeError: If `bits` is not of type int.
1787
1786
  ValueError: If `bits` is not in range [0, 8].
1788
- RuntimeError: If given tensor shape is not <H, W> or <H, W, C>.
1787
+ RuntimeError: If shape of the input image is not <H, W> or <H, W, C>.
1789
1788
  """
1790
1789
 
1791
1790
  @check_posterize
@@ -1800,39 +1799,42 @@ class Posterize(ImageTensorOperation):
1800
1799
 
1801
1800
  class RandAugment(ImageTensorOperation):
1802
1801
  """
1803
- Apply RandAugment data augmentation method based on
1804
- `RandAugment: Learning Augmentation Strategies from Data <https://arxiv.org/pdf/1909.13719.pdf>`_ .
1805
- This operation works only with 3-channel RGB images.
1802
+ Apply RandAugment data augmentation method on the input image.
1806
1803
 
1807
- Args:
1808
- num_ops (int, optional): Number of augmentation transformations to apply sequentially. Default: 2.
1809
- magnitude (int, optional): Magnitude for all the transformations and its value should be smaller than the value
1810
- of num_magnitude_bins. Default: 9.
1811
- num_magnitude_bins (int, optional): The number of different magnitude values. The number of different magnitude
1812
- values, must be greater than or equal to 2. Default: 31.
1813
- interpolation (Inter, optional): Image interpolation mode for Resize operation.
1814
- It can be any of [Inter.NEAREST, Inter.BILINEAR, Inter.BICUBIC, Inter.AREA]. Default: Inter.NEAREST.
1804
+ Refer to `RandAugment: Learning Augmentation Strategies from Data <https://arxiv.org/pdf/1909.13719.pdf>`_ .
1815
1805
 
1816
- - Inter.NEAREST: means interpolation method is nearest-neighbor interpolation.
1806
+ Only support 3-channel RGB image.
1817
1807
 
1818
- - Inter.BILINEAR: means interpolation method is bilinear interpolation.
1819
-
1820
- - Inter.BICUBIC: means the interpolation method is bicubic interpolation.
1808
+ Args:
1809
+ num_ops (int, optional): Number of augmentation transformations to apply sequentially. Default: 2.
1810
+ magnitude (int, optional): Magnitude for all the transformations, must be smaller than
1811
+ `num_magnitude_bins`. Default: 9.
1812
+ num_magnitude_bins (int, optional): The number of different magnitude values,
1813
+ must be no less than 2. Default: 31.
1814
+ interpolation (Inter, optional): Image interpolation method. Default: Inter.NEAREST.
1815
+ It can be Inter.NEAREST, Inter.BILINEAR, Inter.BICUBIC or Inter.AREA.
1821
1816
 
1822
- - Inter.AREA: means the interpolation method is pixel area interpolation.
1817
+ - Inter.NEAREST, nearest-neighbor interpolation.
1818
+ - Inter.BILINEAR, bilinear interpolation.
1819
+ - Inter.BICUBIC, bicubic interpolation.
1820
+ - Inter.AREA, pixel area interpolation.
1823
1821
 
1824
- fill_value (Union[int, tuple[int, int, int]], optional): Pixel fill value for the area outside the transformed
1825
- image. It can be an int or a 3-tuple. If it is a 3-tuple, it is used to fill R, G, B channels respectively.
1826
- If it is an integer, it is used for all RGB channels. The fill_value values must be in range [0, 255].
1827
- Default: 0.
1822
+ fill_value (Union[int, tuple[int, int, int]], optional): Pixel fill value for the area outside the
1823
+ transformed image, must be in range of [0, 255]. Default: 0.
1824
+ If int is provided, pad all RGB channels with this value.
1825
+ If tuple[int, int, int] is provided, pad R, G, B channels respectively.
1828
1826
 
1829
1827
  Raises:
1830
1828
  TypeError: If `num_ops` is not of type int.
1829
+ ValueError: If `num_ops` is negative.
1831
1830
  TypeError: If `magnitude` is not of type int.
1831
+ ValueError: If `magnitude` is not positive.
1832
1832
  TypeError: If `num_magnitude_bins` is not of type int.
1833
+ ValueError: If `num_magnitude_bins` is less than 2.
1833
1834
  TypeError: If `interpolation` not of type :class:`mindspore.dataset.vision.Inter` .
1834
- TypeError: If `fill_value` is not an int or a tuple of length 3.
1835
- RuntimeError: If given tensor shape is not <H, W, C>.
1835
+ TypeError: If `fill_value` is not of type int or tuple[int, int, int].
1836
+ ValueError: If `fill_value` is not in range of [0, 255].
1837
+ RuntimeError: If shape of the input image is not <H, W, C>.
1836
1838
 
1837
1839
  Supported Platforms:
1838
1840
  ``CPU``
@@ -2266,7 +2268,7 @@ class RandomCrop(ImageTensorOperation, PyTensorOperation):
2266
2268
  ValueError: If `size` is not positive.
2267
2269
  ValueError: If `padding` is negative.
2268
2270
  ValueError: If `fill_value` is not in range [0, 255].
2269
- RuntimeError: If given tensor shape is not <H, W> or <H, W, C>.
2271
+ RuntimeError: If given tensor shape is not <H, W> or <..., H, W, C>.
2270
2272
 
2271
2273
  Supported Platforms:
2272
2274
  ``CPU``
@@ -2435,12 +2437,6 @@ class RandomCropWithBBox(ImageTensorOperation):
2435
2437
 
2436
2438
  value of edge.
2437
2439
 
2438
- Note:
2439
- The behavior when `padding` is a sequence of length 2 will change from padding left/top with
2440
- the first value and right/bottom with the second, to padding left/right with the first one
2441
- and top/bottom with the second in the future. Or you can pass in a 4-element sequence to specify
2442
- left, top, right and bottom respectively.
2443
-
2444
2440
  Raises:
2445
2441
  TypeError: If `size` is not of type int or Sequence[int].
2446
2442
  TypeError: If `padding` is not of type int or Sequence[int].
@@ -2587,7 +2583,7 @@ class RandomErasing(PyTensorOperation):
2587
2583
  Execute method.
2588
2584
 
2589
2585
  Args:
2590
- np_img (numpy.ndarray): image in shape of (C, H, W) to be randomly erased.
2586
+ np_img (numpy.ndarray): image in shape of <C, H, W> to be randomly erased.
2591
2587
 
2592
2588
  Returns:
2593
2589
  numpy.ndarray, erased image.
@@ -2870,6 +2866,9 @@ class RandomPerspective(PyTensorOperation):
2870
2866
 
2871
2867
  class RandomPosterize(ImageTensorOperation):
2872
2868
  """
2869
+ Reduce the bit depth of the color channels of image with a given probability
2870
+ to create a high contrast and vivid color image.
2871
+
2873
2872
  Reduce the number of bits for each color channel to posterize the input image randomly with a given probability.
2874
2873
 
2875
2874
  Args:
@@ -2951,7 +2950,6 @@ class RandomResizedCrop(ImageTensorOperation, PyTensorOperation):
2951
2950
  ValueError: If `scale` is negative.
2952
2951
  ValueError: If `ratio` is negative.
2953
2952
  ValueError: If `max_attempts` is not positive.
2954
- RuntimeError: If given tensor shape is not <H, W> or <..., H, W, C>.
2955
2953
 
2956
2954
  Supported Platforms:
2957
2955
  ``CPU``
@@ -3476,7 +3474,7 @@ class Rescale(ImageTensorOperation):
3476
3474
  TypeError: If `shift` is not of type float.
3477
3475
 
3478
3476
  Supported Platforms:
3479
- ``CPU`` ``Ascend`` ``GPU``
3477
+ ``Ascend`` ``GPU`` ``CPU``
3480
3478
 
3481
3479
  Examples:
3482
3480
  >>> transforms_list = [vision.Decode(), vision.Rescale(1.0 / 255.0, -1.0)]
@@ -3519,7 +3517,7 @@ class Resize(ImageTensorOperation, PyTensorOperation):
3519
3517
 
3520
3518
  Raises:
3521
3519
  TypeError: If `size` is not of type int or Sequence[int].
3522
- TypeError: If `interpolation` is not of type Inter.
3520
+ TypeError: If `interpolation` is not of type :class:`mindspore.dataset.vision.Inter` .
3523
3521
  ValueError: If `size` is not positive.
3524
3522
  RuntimeError: If given tensor shape is not <H, W> or <H, W, C>.
3525
3523
 
@@ -3571,38 +3569,39 @@ class Resize(ImageTensorOperation, PyTensorOperation):
3571
3569
 
3572
3570
  class ResizedCrop(ImageTensorOperation):
3573
3571
  """
3574
- Crop the input image at a specific location, and resize the cropped image using a selected interpolation mode.
3572
+ Crop the input image at a specific region and resize it to desired size.
3575
3573
 
3576
3574
  Args:
3577
- top (int): Horizontal ordinate of the upper left corner of the crop image.
3578
- left (int): Vertical ordinate of the upper left corner of the crop image.
3579
- height (int): Height of cropped image.
3580
- width (int): Width of cropped image.
3581
- size (Union[int, Sequence[int]]): The output size of the resized image. The size value(s) must be positive.
3582
- If size is an integer, a square of size (size, size) will be cropped with this value.
3583
- If size is a sequence of length 2, an image of size (height, width) will be cropped.
3584
- interpolation (Inter, optional): Image interpolation mode. Default: Inter.LINEAR.
3585
- It can be any of [Inter.LINEAR, Inter.NEAREST, Inter.BICUBIC, Inter.AREA, Inter.PILCUBIC].
3586
-
3587
- - Inter.LINEAR, means interpolation method is bilinear interpolation.
3588
-
3589
- - Inter.NEAREST, means interpolation method is nearest-neighbor interpolation.
3590
-
3591
- - Inter.BICUBIC, means interpolation method is bicubic interpolation.
3592
-
3593
- - Inter.AREA, means interpolation method is pixel area interpolation.
3594
-
3595
- - Inter.PILCUBIC, means interpolation method is bicubic interpolation like implemented in pillow, input
3596
- should be in 3 channels format.
3575
+ top (int): Horizontal ordinate of the upper left corner of the crop region.
3576
+ left (int): Vertical ordinate of the upper left corner of the crop region.
3577
+ height (int): Height of the crop region.
3578
+ width (int): Width of the cropp region.
3579
+ size (Union[int, Sequence[int, int]]): The size of the output image.
3580
+ If int is provided, the smaller edge of the image will be resized to this value,
3581
+ keeping the image aspect ratio the same.
3582
+ If Sequence[int, int] is provided, it should be (height, width).
3583
+ interpolation (Inter, optional): Image interpolation method. Default: Inter.BILINEAR.
3584
+ It can be Inter.LINEAR, Inter.NEAREST, Inter.BICUBIC, Inter.AREA or Inter.PILCUBIC.
3585
+
3586
+ - Inter.LINEAR, bilinear interpolation.
3587
+ - Inter.NEAREST, nearest-neighbor interpolation.
3588
+ - Inter.BICUBIC, bicubic interpolation.
3589
+ - Inter.AREA, pixel area interpolation.
3590
+ - Inter.PILCUBIC, cubic interpolation based on the implementation of Pillow
3597
3591
 
3598
3592
  Raises:
3599
3593
  TypeError: If `top` is not of type int.
3594
+ ValueError: If `top` is negative.
3600
3595
  TypeError: If `left` is not of type int.
3596
+ ValueError: If `left` is negative.
3601
3597
  TypeError: If `height` is not of type int.
3598
+ ValueError: If `height` is not positive.
3602
3599
  TypeError: If `width` is not of type int.
3603
- TypeError: If `size` is not of type int or Sequence[int].
3600
+ ValueError: If `width` is not positive.
3601
+ TypeError: If `size` is not of type int or Sequence[int, int].
3602
+ ValueError: If `size` is not posotive.
3604
3603
  TypeError: If `interpolation` is not of type :class:`mindspore.dataset.vision.Inter` .
3605
- RuntimeError: If given tensor shape is not <H, W> or <H, W, C>.
3604
+ RuntimeError: If shape of the input image is not <H, W> or <H, W, C>.
3606
3605
 
3607
3606
  Supported Platforms:
3608
3607
  ``CPU``
@@ -3653,7 +3652,7 @@ class ResizeWithBBox(ImageTensorOperation):
3653
3652
 
3654
3653
  Raises:
3655
3654
  TypeError: If `size` is not of type int or Sequence[int].
3656
- TypeError: If `interpolation` is not of type Inter.
3655
+ TypeError: If `interpolation` is not of type :class:`mindspore.dataset.vision.Inter` .
3657
3656
  ValueError: If `size` is not positive.
3658
3657
  RuntimeError: If given tensor shape is not <H, W> or <H, W, C>.
3659
3658
 
@@ -3688,8 +3687,8 @@ class RgbToHsv(PyTensorOperation):
3688
3687
  Convert the input numpy.ndarray images from RGB to HSV.
3689
3688
 
3690
3689
  Args:
3691
- is_hwc (bool): If True, means the input image is in shape of (H, W, C) or (N, H, W, C).
3692
- Otherwise, it is in shape of (C, H, W) or (N, C, H, W). Default: False.
3690
+ is_hwc (bool): If True, means the input image is in shape of <H, W, C> or <N, H, W, C>.
3691
+ Otherwise, it is in shape of <C, H, W> or <N, C, H, W>. Default: False.
3693
3692
 
3694
3693
  Raises:
3695
3694
  TypeError: If `is_hwc` is not of type bool.
@@ -3756,7 +3755,7 @@ class Rotate(ImageTensorOperation):
3756
3755
 
3757
3756
  Raises:
3758
3757
  TypeError: If `degrees` is not of type integer, float or sequence.
3759
- TypeError: If `resample` is not of type Inter.
3758
+ TypeError: If `resample` is not of type :class:`mindspore.dataset.vision.Inter` .
3760
3759
  TypeError: If `expand` is not of type bool.
3761
3760
  TypeError: If `center` is not of type tuple.
3762
3761
  TypeError: If `fill_value` is not of type int or tuple[int].
@@ -3808,11 +3807,11 @@ class SlicePatches(ImageTensorOperation):
3808
3807
  Args:
3809
3808
  num_height (int, optional): The number of patches in vertical direction, which must be positive. Default: 1.
3810
3809
  num_width (int, optional): The number of patches in horizontal direction, which must be positive. Default: 1.
3811
- slice_mode (Inter, optional): A mode represents pad or drop. Default: SliceMode.PAD.
3810
+ slice_mode (SliceMode, optional): A mode represents pad or drop. Default: SliceMode.PAD.
3812
3811
  It can be any of [SliceMode.PAD, SliceMode.DROP].
3813
3812
  fill_value (int, optional): The border width in number of pixels in
3814
3813
  right and bottom direction if slice_mode is set to be SliceMode.PAD.
3815
- The fill_value must be in range [0, 255]. Default: 0.
3814
+ The `fill_value` must be in range [0, 255]. Default: 0.
3816
3815
 
3817
3816
  Raises:
3818
3817
  TypeError: If `num_height` is not of type integer.
@@ -3860,7 +3859,7 @@ class Solarize(ImageTensorOperation):
3860
3859
  Args:
3861
3860
  threshold (Union[float, Sequence[float, float]]): Range of solarize threshold, should always
3862
3861
  be in (min, max) format, where min and max are integers in range of [0, 255], and min <= max.
3863
- If min=max, then invert all pixel values above min(max).
3862
+ If a single value is provided or min=max, then invert all pixel values above min(max).
3864
3863
 
3865
3864
  Raises:
3866
3865
  TypeError: If `threshold` is not of type float or Sequence[float, float].
@@ -3987,10 +3986,10 @@ class ToPIL(PyTensorOperation):
3987
3986
  Convert the input decoded numpy.ndarray image to PIL Image.
3988
3987
 
3989
3988
  Note:
3990
- The conversion mode will be determined by the data type using :class:`PIL.Image.fromarray` .
3989
+ The conversion mode will be determined by the data type using `PIL.Image.fromarray` .
3991
3990
 
3992
3991
  Raises:
3993
- TypeError: If the input image is not of type :class:`numpy.ndarray` or :class:`PIL.Image.Image` .
3992
+ TypeError: If the input image is not of type :class:`numpy.ndarray` or `PIL.Image.Image` .
3994
3993
 
3995
3994
  Supported Platforms:
3996
3995
  ``CPU``
@@ -4028,14 +4027,14 @@ class ToPIL(PyTensorOperation):
4028
4027
  class ToTensor(ImageTensorOperation):
4029
4028
  """
4030
4029
  Convert the input PIL Image or numpy.ndarray to numpy.ndarray of the desired dtype, rescale the pixel value
4031
- range from [0, 255] to [0.0, 1.0] and change the shape from (H, W, C) to (C, H, W).
4030
+ range from [0, 255] to [0.0, 1.0] and change the shape from <H, W, C> to <C, H, W>.
4032
4031
 
4033
4032
  Args:
4034
4033
  output_type (Union[mindspore.dtype, numpy.dtype], optional): The desired dtype of the output image.
4035
- Default: :class:`numpy.float32` .
4034
+ Default: `numpy.float32` .
4036
4035
 
4037
4036
  Raises:
4038
- TypeError: If the input image is not of type :class:`PIL.Image.Image` or :class:`numpy.ndarray` .
4037
+ TypeError: If the input image is not of type `PIL.Image.Image` or :class:`numpy.ndarray` .
4039
4038
  TypeError: If dimension of the input image is not 2 or 3.
4040
4039
 
4041
4040
  Supported Platforms:
@@ -4079,13 +4078,13 @@ class ToType(TypeCast):
4079
4078
 
4080
4079
  Args:
4081
4080
  data_type (Union[mindspore.dtype, numpy.dtype]): The desired data type of the output image,
4082
- such as :class:`numpy.float32` .
4081
+ such as `numpy.float32` .
4083
4082
 
4084
4083
  Raises:
4085
4084
  TypeError: If `data_type` is not of type :class:`mindspore.dtype` or :class:`numpy.dtype` .
4086
4085
 
4087
4086
  Supported Platforms:
4088
- ``CPU`` ``Ascend`` ``GPU``
4087
+ ``Ascend`` ``GPU`` ``CPU``
4089
4088
 
4090
4089
  Examples:
4091
4090
  >>> import numpy as np
@@ -4103,36 +4102,36 @@ class ToType(TypeCast):
4103
4102
 
4104
4103
  class TrivialAugmentWide(ImageTensorOperation):
4105
4104
  """
4106
- Apply TrivialAugmentWide data augmentation method based on
4105
+ Apply TrivialAugmentWide data augmentation method on the input image.
4106
+
4107
+ Refer to
4107
4108
  `TrivialAugmentWide: Tuning-free Yet State-of-the-Art Data Augmentation <https://arxiv.org/abs/2103.10158>`_ .
4108
- This operation works only with 3-channel RGB images.
4109
+
4110
+ Only support 3-channel RGB image.
4109
4111
 
4110
4112
  Args:
4111
4113
  num_magnitude_bins (int, optional): The number of different magnitude values,
4112
4114
  must be greater than or equal to 2. Default: 31.
4113
- interpolation (Inter, optional): Image interpolation mode for Resize operation. Default: Inter.NEAREST.
4114
- It can be any of [Inter.NEAREST, Inter.BILINEAR, Inter.BICUBIC, Inter.AREA].
4115
-
4116
- - Inter.NEAREST: means interpolation method is nearest-neighbor interpolation.
4115
+ interpolation (Inter, optional): Image interpolation method. Default: Inter.NEAREST.
4116
+ It can be Inter.NEAREST, Inter.BILINEAR, Inter.BICUBIC or Inter.AREA.
4117
4117
 
4118
- - Inter.BILINEAR: means interpolation method is bilinear interpolation.
4119
-
4120
- - Inter.BICUBIC: means the interpolation method is bicubic interpolation.
4121
-
4122
- - Inter.AREA: means the interpolation method is pixel area interpolation.
4118
+ - Inter.NEAREST, nearest-neighbor interpolation.
4119
+ - Inter.BILINEAR, bilinear interpolation.
4120
+ - Inter.BICUBIC, bicubic interpolation.
4121
+ - Inter.AREA, pixel area interpolation.
4123
4122
 
4124
- fill_value (Union[int, tuple[int, int, int]], optional): Pixel fill value for the area outside
4125
- the transformed image.
4126
- It can be an int or a 3-tuple. If it is a 3-tuple, it is used to fill R, G, B channels respectively.
4127
- If it is an integer, it is used for all RGB channels. The fill_value values must be in range [0, 255]
4128
- Default: 0.
4123
+ fill_value (Union[int, tuple[int, int, int]], optional): Pixel fill value for the area outside the
4124
+ transformed image, must be in range of [0, 255]. Default: 0.
4125
+ If int is provided, pad all RGB channels with this value.
4126
+ If tuple[int, int, int] is provided, pad R, G, B channels respectively.
4129
4127
 
4130
4128
  Raises:
4131
4129
  TypeError: If `num_magnitude_bins` is not of type int.
4132
4130
  ValueError: If `num_magnitude_bins` is less than 2.
4133
- TypeError: If `interpolation` is not of type Inter.
4134
- TypeError: If `fill_value` is not an integer or a tuple of length 3.
4135
- RuntimeError: If given tensor shape is not <H, W, C>.
4131
+ TypeError: If `interpolation` not of type :class:`mindspore.dataset.vision.Inter` .
4132
+ TypeError: If `fill_value` is not of type int or tuple[int, int, int].
4133
+ ValueError: If `fill_value` is not in range of [0, 255].
4134
+ RuntimeError: If shape of the input image is not <H, W, C>.
4136
4135
 
4137
4136
  Supported Platforms:
4138
4137
  ``CPU``