mindspore 2.0.0rc1__cp38-none-any.whl → 2.2.0__cp38-none-any.whl

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

Potentially problematic release.


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

Files changed (870) hide show
  1. mindspore/.commit_id +1 -1
  2. mindspore/Third_Party_Open_Source_Software_Notice +2 -2
  3. mindspore/__init__.py +5 -2
  4. mindspore/_akg/akg/build_module.py +5 -6
  5. mindspore/_akg/akg/composite/build_module.py +49 -16
  6. mindspore/_akg/akg/composite/split_stitch.py +10 -11
  7. mindspore/_akg/akg/config/repository.json +195 -0
  8. mindspore/_akg/akg/global_configs.py +5 -1
  9. mindspore/_akg/akg/ms/info_version_adapt.py +67 -1
  10. mindspore/_akg/akg/tvm/api.py +4 -3
  11. mindspore/_akg/akg/tvm/autotvm/__init__.py +1 -2
  12. mindspore/_akg/akg/tvm/autotvm/graph_tuner/base_graph_tuner.py +1 -5
  13. mindspore/_akg/akg/tvm/autotvm/measure/__init__.py +1 -1
  14. mindspore/_akg/akg/tvm/autotvm/measure/measure.py +1 -10
  15. mindspore/_akg/akg/tvm/autotvm/measure/measure_methods.py +1 -372
  16. mindspore/_akg/akg/tvm/build_module.py +16 -1
  17. mindspore/_akg/akg/tvm/contrib/graph_runtime.py +0 -53
  18. mindspore/_akg/akg/tvm/hybrid/parser.py +7 -6
  19. mindspore/_akg/akg/tvm/ir_builder.py +1 -1
  20. mindspore/_akg/akg/tvm/module.py +1 -2
  21. mindspore/_akg/akg/tvm/stmt.py +2 -2
  22. mindspore/_akg/akg/utils/composite_op_helper.py +9 -10
  23. mindspore/_akg/akg/utils/kernel_exec.py +58 -260
  24. mindspore/_akg/akg/utils/op_dsl.py +17 -1
  25. mindspore/_akg/akg/utils/result_analysis.py +4 -24
  26. mindspore/_akg/akg/utils/tbe_codegen_utils.py +198 -0
  27. mindspore/_c_dataengine.cpython-38-aarch64-linux-gnu.so +0 -0
  28. mindspore/_c_expression.cpython-38-aarch64-linux-gnu.so +0 -0
  29. mindspore/_c_mindrecord.cpython-38-aarch64-linux-gnu.so +0 -0
  30. mindspore/_check_jit_forbidden_api.py +5 -1
  31. mindspore/_checkparam.py +79 -62
  32. mindspore/_extends/graph_kernel/__init__.py +0 -1
  33. mindspore/_extends/graph_kernel/model/graph_split.py +2 -0
  34. mindspore/_extends/graph_kernel/model/model_builder.py +9 -50
  35. mindspore/_extends/graph_kernel/splitter.py +1 -9
  36. mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +128 -21
  37. mindspore/_extends/parallel_compile/akg_compiler/build_tbe_kernel.py +2 -2
  38. mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +4 -2
  39. mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +18 -13
  40. mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +13 -9
  41. mindspore/_extends/parallel_compile/tbe_compiler/tbe_job.py +1 -1
  42. mindspore/_extends/parallel_compile/tbe_compiler/tbe_job_manager.py +1 -1
  43. mindspore/_extends/parse/__init__.py +19 -17
  44. mindspore/_extends/parse/namespace.py +7 -36
  45. mindspore/_extends/parse/parser.py +375 -189
  46. mindspore/_extends/parse/resources.py +36 -41
  47. mindspore/_extends/parse/standard_method.py +350 -245
  48. mindspore/_extends/parse/trope.py +2 -12
  49. mindspore/_extends/remote/kernel_build_server.py +24 -7
  50. mindspore/_extends/remote/kernel_build_server_akg_v2.py +55 -0
  51. mindspore/_install_custom.py +43 -0
  52. mindspore/_mindspore_offline_debug.cpython-38-aarch64-linux-gnu.so +0 -0
  53. mindspore/amp.py +85 -19
  54. mindspore/bin/cache_admin +0 -0
  55. mindspore/bin/cache_server +0 -0
  56. mindspore/boost/base.py +2 -2
  57. mindspore/boost/boost.py +27 -32
  58. mindspore/boost/boost_cell_wrapper.py +37 -13
  59. mindspore/boost/grad_accumulation.py +1 -1
  60. mindspore/boost/grad_freeze.py +34 -6
  61. mindspore/boost/group_loss_scale_manager.py +15 -14
  62. mindspore/boost/less_batch_normalization.py +28 -3
  63. mindspore/common/__init__.py +15 -11
  64. mindspore/common/_auto_dynamic.py +68 -0
  65. mindspore/common/_jit_fallback_utils.py +111 -0
  66. mindspore/common/_register_for_adapter.py +17 -5
  67. mindspore/common/_register_for_tensor.py +2 -2
  68. mindspore/common/_stub_tensor.py +18 -15
  69. mindspore/common/_utils.py +31 -7
  70. mindspore/common/api.py +269 -101
  71. mindspore/common/auto_dynamic_shape.py +498 -0
  72. mindspore/common/dtype.py +61 -21
  73. mindspore/common/dump.py +9 -7
  74. mindspore/common/initializer.py +106 -76
  75. mindspore/common/jit_config.py +35 -14
  76. mindspore/common/lazy_inline.py +187 -0
  77. mindspore/common/mindir_util.py +101 -0
  78. mindspore/common/mutable.py +10 -13
  79. mindspore/common/parameter.py +246 -55
  80. mindspore/common/seed.py +13 -7
  81. mindspore/common/sparse_tensor.py +29 -33
  82. mindspore/common/tensor.py +907 -251
  83. mindspore/communication/__init__.py +7 -4
  84. mindspore/communication/_comm_helper.py +84 -4
  85. mindspore/communication/management.py +160 -88
  86. mindspore/config/op_info.config +99 -75
  87. mindspore/config/super_bar_config.json +36 -4
  88. mindspore/context.py +526 -219
  89. mindspore/dataset/__init__.py +9 -46
  90. mindspore/dataset/audio/__init__.py +4 -19
  91. mindspore/dataset/audio/transforms.py +545 -233
  92. mindspore/dataset/audio/utils.py +21 -18
  93. mindspore/dataset/callback/ds_callback.py +42 -13
  94. mindspore/dataset/core/config.py +158 -100
  95. mindspore/dataset/core/validator_helpers.py +1 -63
  96. mindspore/dataset/debug/debug_hook.py +45 -13
  97. mindspore/dataset/debug/pre_defined_hook.py +5 -5
  98. mindspore/dataset/engine/__init__.py +0 -5
  99. mindspore/dataset/engine/cache_client.py +38 -15
  100. mindspore/dataset/engine/datasets.py +615 -278
  101. mindspore/dataset/engine/datasets_audio.py +154 -283
  102. mindspore/dataset/engine/datasets_standard_format.py +104 -116
  103. mindspore/dataset/engine/datasets_text.py +443 -326
  104. mindspore/dataset/engine/datasets_user_defined.py +251 -164
  105. mindspore/dataset/engine/datasets_vision.py +839 -1443
  106. mindspore/dataset/engine/iterators.py +11 -4
  107. mindspore/dataset/engine/obs/obs_mindrecord_dataset.py +7 -3
  108. mindspore/dataset/engine/obs/util.py +3 -0
  109. mindspore/dataset/engine/offload.py +6 -6
  110. mindspore/dataset/engine/queue.py +15 -14
  111. mindspore/dataset/engine/samplers.py +39 -23
  112. mindspore/dataset/engine/serializer_deserializer.py +22 -6
  113. mindspore/dataset/engine/validators.py +21 -331
  114. mindspore/dataset/text/__init__.py +5 -33
  115. mindspore/dataset/text/transforms.py +334 -165
  116. mindspore/dataset/text/utils.py +215 -145
  117. mindspore/dataset/transforms/__init__.py +1 -1
  118. mindspore/dataset/transforms/c_transforms.py +3 -2
  119. mindspore/dataset/transforms/py_transforms_util.py +40 -12
  120. mindspore/dataset/transforms/transforms.py +174 -71
  121. mindspore/dataset/utils/browse_dataset.py +25 -17
  122. mindspore/dataset/utils/line_reader.py +24 -21
  123. mindspore/dataset/vision/__init__.py +5 -26
  124. mindspore/dataset/vision/c_transforms.py +177 -165
  125. mindspore/dataset/vision/py_transforms.py +114 -119
  126. mindspore/dataset/vision/py_transforms_util.py +54 -51
  127. mindspore/dataset/vision/transforms.py +1127 -381
  128. mindspore/dataset/vision/utils.py +54 -38
  129. mindspore/dataset/vision/validators.py +12 -2
  130. mindspore/experimental/map_parameter.py +38 -4
  131. mindspore/{dataset/datapreprocess → experimental/optim}/__init__.py +14 -4
  132. mindspore/experimental/optim/adam.py +192 -0
  133. mindspore/experimental/optim/adamw.py +181 -0
  134. mindspore/experimental/optim/lr_scheduler.py +1427 -0
  135. mindspore/experimental/optim/optimizer.py +252 -0
  136. mindspore/experimental/optim/sgd.py +147 -0
  137. mindspore/gen_ops.py +273 -0
  138. mindspore/include/OWNERS +1 -2
  139. mindspore/include/api/context.h +21 -1
  140. mindspore/include/api/data_type.h +2 -1
  141. mindspore/include/api/graph.h +0 -15
  142. mindspore/include/api/kernel.h +2 -0
  143. mindspore/include/api/kernel_api.h +37 -12
  144. mindspore/include/api/model.h +29 -42
  145. mindspore/include/api/model_group.h +14 -3
  146. mindspore/include/api/model_parallel_runner.h +18 -2
  147. mindspore/include/api/serialization.h +26 -0
  148. mindspore/include/api/status.h +1 -0
  149. mindspore/include/api/types.h +38 -4
  150. mindspore/include/c_api/ms/abstract.h +67 -0
  151. mindspore/include/c_api/ms/attribute.h +197 -0
  152. mindspore/include/c_api/ms/base/handle_types.h +43 -0
  153. mindspore/include/c_api/ms/base/macros.h +32 -0
  154. mindspore/include/c_api/ms/base/status.h +33 -0
  155. mindspore/include/c_api/ms/base/types.h +282 -0
  156. mindspore/include/c_api/ms/context.h +102 -0
  157. mindspore/include/c_api/ms/graph.h +160 -0
  158. mindspore/include/c_api/ms/node.h +606 -0
  159. mindspore/include/c_api/ms/tensor.h +161 -0
  160. mindspore/include/c_api/ms/value.h +84 -0
  161. mindspore/include/c_api/status_c.h +3 -0
  162. mindspore/include/dataset/constants.h +6 -12
  163. mindspore/include/dataset/execute.h +23 -13
  164. mindspore/include/dataset/text.h +26 -26
  165. mindspore/include/dataset/transforms.h +25 -31
  166. mindspore/include/dataset/vision.h +60 -60
  167. mindspore/include/dataset/vision_ascend.h +5 -6
  168. mindspore/include/dataset/vision_lite.h +17 -17
  169. mindspore/include/mindapi/base/format.h +0 -1
  170. mindspore/include/mindapi/base/type_id.h +2 -1
  171. mindspore/include/mindapi/base/types.h +5 -1
  172. mindspore/lib/libdnnl.so.2 +0 -0
  173. mindspore/lib/libjemalloc.so.2 +0 -0
  174. mindspore/lib/libmindspore.so +0 -0
  175. mindspore/lib/libmindspore_backend.so +0 -0
  176. mindspore/lib/libmindspore_common.so +0 -0
  177. mindspore/lib/libmindspore_core.so +0 -0
  178. mindspore/lib/libmindspore_glog.so.0 +0 -0
  179. mindspore/lib/libmindspore_gpr.so.15 +0 -0
  180. mindspore/lib/libmindspore_grpc++.so.1 +0 -0
  181. mindspore/lib/libmindspore_grpc.so.15 +0 -0
  182. mindspore/lib/libmindspore_shared_lib.so +0 -0
  183. mindspore/lib/libmpi_adapter.so +0 -0
  184. mindspore/lib/libnnacl.so +0 -0
  185. mindspore/lib/libopencv_core.so.4.5 +0 -0
  186. mindspore/lib/libopencv_imgcodecs.so.4.5 +0 -0
  187. mindspore/lib/libopencv_imgproc.so.4.5 +0 -0
  188. mindspore/lib/libps_cache.so +0 -0
  189. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_aicpu_kernels.so +0 -0
  190. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_cpu_kernels.so +0 -0
  191. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/config/cust_aicpu_kernel.json +9000 -0
  192. mindspore/lib/plugin/ascend/custom_aicpu_ops/op_proto/libcust_op_proto.so +0 -0
  193. mindspore/lib/plugin/ascend/libakg.so +0 -0
  194. mindspore/lib/plugin/ascend/libascend_collective.so +0 -0
  195. mindspore/lib/plugin/ascend/libdvpp_utils.so +0 -0
  196. mindspore/lib/plugin/ascend/libhccl_plugin.so +0 -0
  197. mindspore/lib/plugin/ascend/libmindspore_aicpu_kernels.so +0 -0
  198. mindspore/lib/plugin/ascend/libmindspore_cpu_kernels.so +0 -0
  199. mindspore/lib/plugin/cpu/libakg.so +0 -0
  200. mindspore/lib/plugin/libmindspore_ascend.so.1 +0 -0
  201. mindspore/lib/plugin/libmindspore_ascend.so.2 +0 -0
  202. mindspore/log.py +9 -6
  203. mindspore/mindrecord/filereader.py +33 -4
  204. mindspore/mindrecord/filewriter.py +70 -35
  205. mindspore/mindrecord/mindpage.py +40 -34
  206. mindspore/mindrecord/shardreader.py +1 -1
  207. mindspore/mindrecord/shardsegment.py +1 -1
  208. mindspore/mindrecord/tools/cifar100_to_mr.py +25 -18
  209. mindspore/mindrecord/tools/cifar10_to_mr.py +25 -18
  210. mindspore/mindrecord/tools/csv_to_mr.py +29 -13
  211. mindspore/mindrecord/tools/imagenet_to_mr.py +24 -10
  212. mindspore/mindrecord/tools/mnist_to_mr.py +24 -11
  213. mindspore/mindrecord/tools/tfrecord_to_mr.py +31 -26
  214. mindspore/nn/cell.py +463 -169
  215. mindspore/nn/dynamic_lr.py +47 -43
  216. mindspore/nn/layer/activation.py +225 -82
  217. mindspore/nn/layer/basic.py +121 -79
  218. mindspore/nn/layer/channel_shuffle.py +21 -21
  219. mindspore/nn/layer/combined.py +33 -26
  220. mindspore/nn/layer/container.py +277 -22
  221. mindspore/nn/layer/conv.py +441 -304
  222. mindspore/nn/layer/dense.py +19 -13
  223. mindspore/nn/layer/embedding.py +62 -49
  224. mindspore/nn/layer/flash_attention.py +264 -0
  225. mindspore/nn/layer/image.py +50 -39
  226. mindspore/nn/layer/math.py +62 -51
  227. mindspore/nn/layer/normalization.py +219 -167
  228. mindspore/nn/layer/padding.py +58 -70
  229. mindspore/nn/layer/pooling.py +334 -287
  230. mindspore/nn/layer/rnn_cells.py +53 -38
  231. mindspore/nn/layer/rnns.py +59 -56
  232. mindspore/nn/layer/thor_layer.py +52 -44
  233. mindspore/nn/layer/timedistributed.py +6 -4
  234. mindspore/nn/layer/transformer.py +284 -164
  235. mindspore/nn/learning_rate_schedule.py +34 -25
  236. mindspore/nn/loss/__init__.py +3 -2
  237. mindspore/nn/loss/loss.py +554 -311
  238. mindspore/nn/optim/ada_grad.py +12 -9
  239. mindspore/nn/optim/adadelta.py +14 -11
  240. mindspore/nn/optim/adafactor.py +19 -16
  241. mindspore/nn/optim/adam.py +62 -47
  242. mindspore/nn/optim/adamax.py +13 -10
  243. mindspore/nn/optim/adasum.py +12 -8
  244. mindspore/nn/optim/asgd.py +10 -9
  245. mindspore/nn/optim/ftrl.py +20 -17
  246. mindspore/nn/optim/lamb.py +16 -12
  247. mindspore/nn/optim/lars.py +8 -6
  248. mindspore/nn/optim/lazyadam.py +25 -20
  249. mindspore/nn/optim/momentum.py +10 -7
  250. mindspore/nn/optim/optimizer.py +61 -9
  251. mindspore/nn/optim/proximal_ada_grad.py +14 -13
  252. mindspore/nn/optim/rmsprop.py +17 -13
  253. mindspore/nn/optim/rprop.py +30 -17
  254. mindspore/nn/optim/sgd.py +40 -23
  255. mindspore/nn/optim/thor.py +24 -26
  256. mindspore/nn/probability/bijector/bijector.py +11 -11
  257. mindspore/nn/probability/bijector/exp.py +1 -1
  258. mindspore/nn/probability/bijector/gumbel_cdf.py +3 -3
  259. mindspore/nn/probability/bijector/invert.py +1 -1
  260. mindspore/nn/probability/bijector/power_transform.py +29 -29
  261. mindspore/nn/probability/bijector/scalar_affine.py +3 -3
  262. mindspore/nn/probability/bijector/softplus.py +5 -5
  263. mindspore/nn/probability/bnn_layers/bnn_cell_wrapper.py +4 -2
  264. mindspore/nn/probability/bnn_layers/conv_variational.py +13 -13
  265. mindspore/nn/probability/bnn_layers/dense_variational.py +12 -12
  266. mindspore/nn/probability/bnn_layers/layer_distribution.py +9 -8
  267. mindspore/nn/probability/distribution/_utils/custom_ops.py +19 -3
  268. mindspore/nn/probability/distribution/_utils/utils.py +1 -1
  269. mindspore/nn/probability/distribution/bernoulli.py +9 -9
  270. mindspore/nn/probability/distribution/beta.py +8 -8
  271. mindspore/nn/probability/distribution/categorical.py +23 -15
  272. mindspore/nn/probability/distribution/cauchy.py +5 -6
  273. mindspore/nn/probability/distribution/distribution.py +3 -3
  274. mindspore/nn/probability/distribution/exponential.py +4 -4
  275. mindspore/nn/probability/distribution/gamma.py +10 -10
  276. mindspore/nn/probability/distribution/geometric.py +8 -8
  277. mindspore/nn/probability/distribution/gumbel.py +8 -9
  278. mindspore/nn/probability/distribution/half_normal.py +5 -5
  279. mindspore/nn/probability/distribution/laplace.py +5 -5
  280. mindspore/nn/probability/distribution/log_normal.py +12 -11
  281. mindspore/nn/probability/distribution/logistic.py +8 -8
  282. mindspore/nn/probability/distribution/normal.py +6 -5
  283. mindspore/nn/probability/distribution/poisson.py +10 -11
  284. mindspore/nn/probability/distribution/student_t.py +8 -9
  285. mindspore/nn/probability/distribution/transformed_distribution.py +5 -5
  286. mindspore/nn/probability/distribution/uniform.py +11 -11
  287. mindspore/nn/reinforcement/tensor_array.py +2 -2
  288. mindspore/nn/sparse/sparse.py +9 -9
  289. mindspore/nn/wrap/cell_wrapper.py +188 -63
  290. mindspore/nn/wrap/grad_reducer.py +21 -12
  291. mindspore/nn/wrap/loss_scale.py +136 -49
  292. mindspore/numpy/__init__.py +4 -4
  293. mindspore/numpy/array_creations.py +55 -56
  294. mindspore/numpy/array_ops.py +134 -35
  295. mindspore/numpy/logic_ops.py +66 -20
  296. mindspore/numpy/math_ops.py +142 -139
  297. mindspore/numpy/utils_const.py +2 -2
  298. mindspore/offline_debug/convert_async.py +2 -2
  299. mindspore/ops/_grad_experimental/__init__.py +7 -5
  300. mindspore/ops/_grad_experimental/grad_array_ops.py +231 -348
  301. mindspore/ops/{_grad → _grad_experimental}/grad_base.py +1 -33
  302. mindspore/ops/{_grad → _grad_experimental}/grad_comm_ops.py +25 -13
  303. mindspore/ops/{_grad/__init__.py → _grad_experimental/grad_debug_ops.py} +15 -7
  304. mindspore/ops/{_grad → _grad_experimental}/grad_implementations.py +17 -11
  305. mindspore/ops/_grad_experimental/grad_inner_ops.py +33 -52
  306. mindspore/ops/_grad_experimental/grad_math_ops.py +151 -1224
  307. mindspore/ops/_grad_experimental/grad_nn_ops.py +141 -414
  308. mindspore/ops/{_grad → _grad_experimental}/grad_quant_ops.py +10 -6
  309. mindspore/ops/_grad_experimental/grad_sparse.py +317 -2
  310. mindspore/ops/_grad_experimental/grad_sparse_ops.py +3 -13
  311. mindspore/ops/{_grad → _grad_experimental}/taylor_rule.py +1 -1
  312. mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -1
  313. mindspore/ops/_op_impl/_custom_op/flash_attention/__init__.py +0 -0
  314. mindspore/ops/_op_impl/_custom_op/flash_attention/attention.py +406 -0
  315. mindspore/{_extends/graph_kernel/expanders/complex/__init__.py → ops/_op_impl/_custom_op/flash_attention/constants.py} +27 -8
  316. mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_bwd.py +467 -0
  317. mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_fwd.py +563 -0
  318. mindspore/ops/_op_impl/_custom_op/flash_attention/flash_attention_impl.py +193 -0
  319. mindspore/ops/_op_impl/_custom_op/flash_attention/tik_ops_utils.py +435 -0
  320. mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/__init__.py +0 -0
  321. mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/sparse_tiling.py +45 -0
  322. mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/strategy.py +67 -0
  323. mindspore/ops/_op_impl/_custom_op/flash_attention/tiling_strategy/wukong_tiling.py +62 -0
  324. mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_left_impl.py +2 -2
  325. mindspore/ops/_op_impl/aicpu/__init__.py +41 -1
  326. mindspore/ops/_op_impl/aicpu/adaptive_max_pool_2d.py +37 -0
  327. mindspore/ops/_op_impl/aicpu/bias_add_grad.py +0 -1
  328. mindspore/ops/_op_impl/aicpu/cast.py +52 -0
  329. mindspore/ops/_op_impl/aicpu/coalesce.py +2 -0
  330. mindspore/ops/_op_impl/aicpu/col2im.py +3 -1
  331. mindspore/ops/_op_impl/aicpu/count_nonzero.py +43 -0
  332. mindspore/ops/_op_impl/aicpu/dropout_genmask.py +6 -0
  333. mindspore/ops/_op_impl/aicpu/eps.py +32 -0
  334. mindspore/ops/_op_impl/aicpu/eye.py +4 -4
  335. mindspore/ops/_op_impl/aicpu/fft_with_size.py +6 -0
  336. mindspore/ops/_op_impl/aicpu/fill_diagonal.py +5 -0
  337. mindspore/ops/_op_impl/aicpu/gamma.py +2 -2
  338. mindspore/ops/_op_impl/aicpu/im2col.py +3 -5
  339. mindspore/ops/_op_impl/aicpu/lgamma.py +1 -0
  340. mindspore/ops/_op_impl/aicpu/log_uniform_candidate_sampler.py +6 -3
  341. mindspore/ops/_op_impl/aicpu/lu.py +39 -0
  342. mindspore/ops/_op_impl/aicpu/lu_unpack_grad.py +0 -1
  343. mindspore/ops/_op_impl/aicpu/masked_scatter.py +1 -0
  344. mindspore/ops/_op_impl/aicpu/masked_select_grad.py +3 -0
  345. mindspore/ops/_op_impl/aicpu/matrix_band_part.py +59 -0
  346. mindspore/ops/_op_impl/aicpu/matrix_power.py +6 -1
  347. mindspore/ops/_op_impl/aicpu/median.py +1 -0
  348. mindspore/ops/_op_impl/aicpu/multinomial.py +9 -9
  349. mindspore/ops/_op_impl/aicpu/not_equal.py +0 -5
  350. mindspore/ops/_op_impl/aicpu/pad_v3.py +3 -1
  351. mindspore/ops/_op_impl/aicpu/pad_v3_grad.py +2 -0
  352. mindspore/ops/_op_impl/aicpu/parameterized_truncated_normal.py +15 -7
  353. mindspore/ops/_op_impl/aicpu/random_categorical.py +39 -19
  354. mindspore/ops/_op_impl/aicpu/random_choice_with_mask.py +5 -2
  355. mindspore/ops/_op_impl/aicpu/random_poisson.py +103 -52
  356. mindspore/ops/_op_impl/aicpu/random_shuffle.py +17 -15
  357. mindspore/ops/_op_impl/aicpu/resize_bilinear_grad.py +0 -1
  358. mindspore/ops/_op_impl/aicpu/resize_nearest_neighbor_v2.py +0 -6
  359. mindspore/ops/_op_impl/aicpu/resize_nearest_neighbor_v2_grad.py +0 -7
  360. mindspore/ops/_op_impl/aicpu/scatter_nd.py +2 -0
  361. mindspore/ops/_op_impl/aicpu/sequence_concat.py +40 -0
  362. mindspore/ops/_op_impl/aicpu/sequence_stack.py +40 -0
  363. mindspore/ops/_op_impl/aicpu/{sparseaddmm.py → sparse_addmm.py} +2 -2
  364. mindspore/ops/_op_impl/aicpu/{sparsesparsemaximum.py → sparse_sparse_maximum.py} +4 -4
  365. mindspore/ops/_op_impl/aicpu/standard_laplace.py +5 -4
  366. mindspore/ops/_op_impl/aicpu/standard_normal.py +5 -4
  367. mindspore/ops/_op_impl/aicpu/truncated_normal.py +9 -7
  368. mindspore/ops/_op_impl/aicpu/uniform.py +5 -3
  369. mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +8 -4
  370. mindspore/ops/_op_impl/aicpu/uniform_int.py +5 -5
  371. mindspore/ops/_op_impl/aicpu/uniform_real.py +4 -4
  372. mindspore/ops/_op_impl/aicpu/upsample_nearest_3d.py +14 -6
  373. mindspore/ops/_op_impl/aicpu/upsample_nearest_3d_grad.py +22 -8
  374. mindspore/ops/_op_impl/aicpu/upsample_trilinear_3d.py +11 -6
  375. mindspore/ops/_op_impl/aicpu/upsample_trilinear_3d_grad.py +21 -10
  376. mindspore/ops/_op_impl/tbe/__init__.py +6 -4
  377. mindspore/ops/_op_impl/tbe/atomic_addr_clean.py +1 -1
  378. mindspore/ops/_op_impl/tbe/avg_pool.py +2 -2
  379. mindspore/ops/_op_impl/tbe/avg_pool_3d.py +3 -3
  380. mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +4 -4
  381. mindspore/ops/_op_impl/tbe/avg_pool_ds.py +2 -2
  382. mindspore/ops/_op_impl/tbe/avg_pool_grad.py +3 -3
  383. mindspore/ops/_op_impl/tbe/avg_pool_grad_vm.py +3 -3
  384. mindspore/ops/_op_impl/tbe/batch_to_space.py +1 -1
  385. mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +2 -2
  386. mindspore/ops/_op_impl/tbe/bn_infer.py +2 -2
  387. mindspore/ops/_op_impl/tbe/bn_infer_ds.py +3 -2
  388. mindspore/ops/_op_impl/tbe/broadcast_to.py +1 -1
  389. mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +3 -3
  390. mindspore/ops/_op_impl/tbe/expand_dims.py +1 -1
  391. mindspore/ops/_op_impl/tbe/gather_v2.py +56 -0
  392. mindspore/ops/_op_impl/tbe/im2col.py +4 -4
  393. mindspore/ops/_op_impl/tbe/inplace_index_add.py +7 -3
  394. mindspore/ops/_op_impl/tbe/mem_set.py +38 -0
  395. mindspore/ops/_op_impl/tbe/scatter_nd_add.py +3 -0
  396. mindspore/ops/_op_impl/tbe/scatter_nd_d.py +1 -1
  397. mindspore/ops/_op_impl/tbe/space_to_batch.py +1 -1
  398. mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +2 -2
  399. mindspore/ops/_op_impl/tbe/trans_data_ds.py +2 -0
  400. mindspore/ops/_primitive_cache.py +1 -1
  401. mindspore/ops/_tracefunc.py +241 -0
  402. mindspore/ops/_utils/utils.py +10 -2
  403. mindspore/ops/_vmap/vmap_array_ops.py +5 -3
  404. mindspore/ops/_vmap/vmap_base.py +5 -4
  405. mindspore/ops/_vmap/vmap_convolution_ops.py +1 -1
  406. mindspore/ops/_vmap/vmap_grad_math_ops.py +6 -4
  407. mindspore/ops/_vmap/vmap_grad_nn_ops.py +11 -6
  408. mindspore/ops/_vmap/vmap_math_ops.py +5 -2
  409. mindspore/ops/_vmap/vmap_nn_ops.py +135 -11
  410. mindspore/ops/arg_dtype_cast.py +54 -0
  411. mindspore/ops/composite/__init__.py +7 -5
  412. mindspore/ops/composite/base.py +78 -34
  413. mindspore/ops/composite/math_ops.py +5 -695
  414. mindspore/ops/composite/multitype_ops/_compile_utils.py +403 -97
  415. mindspore/ops/composite/multitype_ops/_constexpr_utils.py +28 -22
  416. mindspore/ops/composite/multitype_ops/add_impl.py +69 -7
  417. mindspore/ops/composite/multitype_ops/bitwise_and_impl.py +2 -1
  418. mindspore/ops/composite/multitype_ops/bitwise_or_impl.py +2 -1
  419. mindspore/ops/composite/multitype_ops/bitwise_xor_impl.py +2 -0
  420. mindspore/ops/composite/multitype_ops/div_impl.py +1 -0
  421. mindspore/ops/composite/multitype_ops/floordiv_impl.py +1 -0
  422. mindspore/ops/composite/multitype_ops/getitem_impl.py +48 -10
  423. mindspore/ops/composite/multitype_ops/greater_equal_impl.py +2 -0
  424. mindspore/ops/composite/multitype_ops/greater_impl.py +2 -0
  425. mindspore/ops/composite/multitype_ops/left_shift_impl.py +2 -0
  426. mindspore/ops/composite/multitype_ops/less_equal_impl.py +2 -0
  427. mindspore/ops/composite/multitype_ops/less_impl.py +2 -0
  428. mindspore/ops/composite/multitype_ops/logic_not_impl.py +2 -2
  429. mindspore/ops/composite/multitype_ops/mod_impl.py +1 -0
  430. mindspore/ops/composite/multitype_ops/mul_impl.py +1 -0
  431. mindspore/ops/composite/multitype_ops/negative_impl.py +1 -0
  432. mindspore/ops/composite/multitype_ops/not_in_impl.py +1 -0
  433. mindspore/ops/composite/multitype_ops/ones_like_impl.py +6 -0
  434. mindspore/ops/composite/multitype_ops/pow_impl.py +1 -0
  435. mindspore/ops/composite/multitype_ops/right_shift_impl.py +2 -0
  436. mindspore/ops/composite/multitype_ops/setitem_impl.py +10 -7
  437. mindspore/ops/composite/multitype_ops/sub_impl.py +1 -0
  438. mindspore/ops/composite/multitype_ops/uadd_impl.py +2 -0
  439. mindspore/ops/composite/multitype_ops/zeros_like_impl.py +9 -0
  440. mindspore/ops/deprecated.py +304 -0
  441. mindspore/ops/function/__init__.py +41 -4
  442. mindspore/ops/function/array_func.py +1108 -467
  443. mindspore/ops/function/clip_func.py +94 -27
  444. mindspore/ops/function/debug_func.py +3 -1
  445. mindspore/ops/function/grad/grad_func.py +82 -73
  446. mindspore/ops/function/image_func.py +28 -12
  447. mindspore/ops/function/linalg_func.py +135 -39
  448. mindspore/ops/function/math_func.py +3779 -894
  449. mindspore/ops/function/nn_func.py +1584 -657
  450. mindspore/ops/function/parameter_func.py +13 -3
  451. mindspore/ops/function/random_func.py +247 -153
  452. mindspore/ops/function/sparse_func.py +14 -11
  453. mindspore/ops/function/sparse_unary_func.py +173 -47
  454. mindspore/ops/function/spectral_func.py +8 -4
  455. mindspore/ops/function/vmap_func.py +8 -7
  456. mindspore/ops/functional.py +47 -16
  457. mindspore/ops/op_info_register.py +346 -86
  458. mindspore/ops/operations/__init__.py +38 -22
  459. mindspore/ops/operations/_grad_ops.py +145 -149
  460. mindspore/ops/operations/_inner_ops.py +298 -56
  461. mindspore/ops/operations/_ms_kernel.py +3 -3
  462. mindspore/ops/operations/_quant_ops.py +24 -28
  463. mindspore/ops/operations/_rl_inner_ops.py +9 -7
  464. mindspore/ops/operations/_scalar_ops.py +115 -0
  465. mindspore/ops/operations/_sequence_ops.py +148 -10
  466. mindspore/ops/operations/_tensor_array.py +1 -1
  467. mindspore/ops/operations/_thor_ops.py +2 -2
  468. mindspore/ops/operations/array_ops.py +1239 -561
  469. mindspore/ops/operations/comm_ops.py +166 -90
  470. mindspore/ops/operations/control_ops.py +3 -3
  471. mindspore/ops/operations/custom_ops.py +124 -102
  472. mindspore/ops/operations/debug_ops.py +24 -11
  473. mindspore/ops/operations/image_ops.py +86 -71
  474. mindspore/ops/operations/inner_ops.py +18 -13
  475. mindspore/ops/operations/linalg_ops.py +30 -11
  476. mindspore/ops/operations/math_ops.py +1730 -435
  477. mindspore/ops/operations/nn_ops.py +1953 -943
  478. mindspore/ops/operations/other_ops.py +65 -43
  479. mindspore/ops/operations/random_ops.py +258 -98
  480. mindspore/ops/operations/rl_ops.py +4 -36
  481. mindspore/ops/operations/sparse_ops.py +38 -33
  482. mindspore/ops/operations/spectral_ops.py +8 -4
  483. mindspore/ops/primitive.py +66 -44
  484. mindspore/ops/signature.py +5 -5
  485. mindspore/parallel/_auto_parallel_context.py +80 -19
  486. mindspore/parallel/_cost_model_context.py +42 -0
  487. mindspore/parallel/_offload_context.py +162 -72
  488. mindspore/parallel/_parallel_serialization.py +2 -2
  489. mindspore/parallel/_ps_context.py +16 -4
  490. mindspore/parallel/_recovery_context.py +2 -1
  491. mindspore/parallel/_tensor.py +15 -13
  492. mindspore/parallel/_transformer/layers.py +8 -6
  493. mindspore/parallel/_transformer/loss.py +1 -0
  494. mindspore/parallel/_transformer/moe.py +7 -7
  495. mindspore/parallel/_transformer/op_parallel_config.py +12 -1
  496. mindspore/parallel/_transformer/transformer.py +34 -14
  497. mindspore/parallel/_utils.py +36 -14
  498. mindspore/parallel/algo_parameter_config.py +114 -20
  499. mindspore/parallel/checkpoint_transform.py +16 -18
  500. mindspore/parallel/shard.py +16 -13
  501. mindspore/profiler/__init__.py +1 -1
  502. mindspore/profiler/common/struct_type.py +3 -3
  503. mindspore/profiler/common/util.py +3 -2
  504. mindspore/profiler/envprofiling.py +11 -4
  505. mindspore/profiler/parser/aicpu_data_parser.py +5 -3
  506. mindspore/profiler/parser/ascend_flops_generator.py +94 -0
  507. mindspore/profiler/parser/ascend_fpbp_generator.py +76 -0
  508. mindspore/profiler/parser/ascend_hccl_generator.py +288 -0
  509. mindspore/profiler/parser/ascend_msprof_exporter.py +213 -0
  510. mindspore/profiler/parser/ascend_msprof_generator.py +199 -0
  511. mindspore/profiler/parser/ascend_op_generator.py +276 -0
  512. mindspore/profiler/parser/ascend_steptrace_generator.py +94 -0
  513. mindspore/profiler/parser/ascend_timeline_generator.py +110 -54
  514. mindspore/profiler/parser/base_timeline_generator.py +11 -7
  515. mindspore/profiler/parser/cpu_gpu_timeline_generator.py +45 -46
  516. mindspore/profiler/parser/flops_parser.py +15 -11
  517. mindspore/profiler/parser/framework_parser.py +92 -73
  518. mindspore/profiler/parser/hccl_parser.py +16 -12
  519. mindspore/profiler/parser/integrator.py +22 -11
  520. mindspore/profiler/parser/memory_usage_parser.py +36 -11
  521. mindspore/profiler/parser/minddata_analyzer.py +12 -14
  522. mindspore/profiler/parser/minddata_pipeline_parser.py +1 -1
  523. mindspore/profiler/parser/msadvisor_parser.py +8 -4
  524. mindspore/profiler/parser/op_intermediate_parser.py +5 -2
  525. mindspore/profiler/parser/optime_parser.py +1 -1
  526. mindspore/profiler/parser/profiler_info.py +4 -5
  527. mindspore/profiler/parser/step_trace_parser.py +11 -14
  528. mindspore/profiler/profiling.py +678 -377
  529. mindspore/rewrite/api/node.py +211 -54
  530. mindspore/rewrite/api/node_type.py +5 -0
  531. mindspore/rewrite/api/pattern_engine.py +22 -23
  532. mindspore/rewrite/api/scoped_value.py +20 -17
  533. mindspore/rewrite/api/symbol_tree.py +252 -106
  534. mindspore/rewrite/api/tree_node_helper.py +3 -0
  535. mindspore/rewrite/ast_helpers/__init__.py +2 -1
  536. mindspore/rewrite/ast_helpers/ast_finder.py +129 -0
  537. mindspore/rewrite/ast_helpers/ast_modifier.py +116 -104
  538. mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +97 -46
  539. mindspore/rewrite/common/rewrite_elog.py +5 -1
  540. mindspore/rewrite/namer.py +51 -51
  541. mindspore/rewrite/namespace.py +14 -5
  542. mindspore/{ops/bprop_mindir → rewrite/node}/__init__.py +9 -4
  543. mindspore/rewrite/node/call_function.py +79 -0
  544. mindspore/rewrite/node/cell_container.py +135 -0
  545. mindspore/rewrite/node/control_flow.py +88 -0
  546. mindspore/rewrite/{node.py → node/node.py} +313 -247
  547. mindspore/rewrite/node/node_manager.py +254 -0
  548. mindspore/rewrite/node/node_topological_manager.py +243 -0
  549. mindspore/rewrite/parsers/arguments_parser.py +22 -21
  550. mindspore/rewrite/parsers/assign_parser.py +225 -239
  551. mindspore/rewrite/parsers/attribute_parser.py +9 -7
  552. mindspore/rewrite/parsers/class_def_parser.py +179 -218
  553. mindspore/rewrite/parsers/constant_parser.py +9 -6
  554. mindspore/rewrite/parsers/container_parser.py +9 -7
  555. mindspore/rewrite/parsers/for_parser.py +36 -15
  556. mindspore/rewrite/parsers/function_def_parser.py +23 -20
  557. mindspore/rewrite/parsers/if_parser.py +28 -24
  558. mindspore/rewrite/parsers/module_parser.py +202 -25
  559. mindspore/rewrite/{parser.py → parsers/parser.py} +4 -2
  560. mindspore/rewrite/{parser_register.py → parsers/parser_register.py} +1 -1
  561. mindspore/rewrite/parsers/return_parser.py +6 -6
  562. mindspore/rewrite/sparsify/sparse_transformer.py +12 -3
  563. mindspore/rewrite/sparsify/sparsify.py +4 -1
  564. mindspore/rewrite/sparsify/utils.py +11 -5
  565. mindspore/rewrite/symbol_tree.py +577 -732
  566. mindspore/rewrite/symbol_tree_builder.py +9 -175
  567. mindspore/rewrite/symbol_tree_dumper.py +2 -2
  568. mindspore/run_check/_check_version.py +46 -39
  569. mindspore/run_check/run_check.py +3 -2
  570. mindspore/{scipy/sparse → safeguard}/__init__.py +4 -5
  571. mindspore/safeguard/rewrite_obfuscation.py +517 -0
  572. mindspore/scipy/__init__.py +1 -1
  573. mindspore/scipy/linalg.py +67 -61
  574. mindspore/scipy/ops.py +5 -41
  575. mindspore/scipy/ops_grad.py +3 -2
  576. mindspore/scipy/ops_wrapper.py +5 -5
  577. mindspore/scipy/optimize/line_search.py +8 -8
  578. mindspore/scipy/optimize/linear_sum_assignment.py +4 -4
  579. mindspore/scipy/optimize/minimize.py +16 -12
  580. mindspore/scipy/utils.py +1 -52
  581. mindspore/scipy/utils_const.py +4 -4
  582. mindspore/train/__init__.py +4 -4
  583. mindspore/train/_utils.py +13 -5
  584. mindspore/train/amp.py +410 -148
  585. mindspore/train/anf_ir_pb2.py +16 -4
  586. mindspore/train/callback/_backup_and_restore.py +8 -11
  587. mindspore/train/callback/_callback.py +80 -3
  588. mindspore/train/callback/_checkpoint.py +82 -51
  589. mindspore/train/callback/_early_stop.py +12 -15
  590. mindspore/train/callback/_history.py +1 -1
  591. mindspore/train/callback/_lambda_callback.py +13 -13
  592. mindspore/train/callback/_landscape.py +21 -17
  593. mindspore/train/callback/_loss_monitor.py +9 -10
  594. mindspore/train/callback/_on_request_exit.py +16 -33
  595. mindspore/train/callback/_reduce_lr_on_plateau.py +21 -24
  596. mindspore/train/callback/_summary_collector.py +44 -30
  597. mindspore/train/callback/_time_monitor.py +62 -12
  598. mindspore/train/data_sink.py +10 -16
  599. mindspore/train/dataset_helper.py +154 -86
  600. mindspore/train/loss_scale_manager.py +14 -9
  601. mindspore/train/metrics/__init__.py +10 -2
  602. mindspore/train/metrics/accuracy.py +1 -1
  603. mindspore/train/metrics/auc.py +1 -1
  604. mindspore/train/metrics/bleu_score.py +2 -2
  605. mindspore/train/metrics/confusion_matrix.py +14 -14
  606. mindspore/train/metrics/cosine_similarity.py +3 -3
  607. mindspore/train/metrics/dice.py +1 -1
  608. mindspore/train/metrics/fbeta.py +1 -1
  609. mindspore/train/metrics/hausdorff_distance.py +8 -6
  610. mindspore/train/metrics/mean_surface_distance.py +5 -4
  611. mindspore/train/metrics/metric.py +49 -17
  612. mindspore/train/metrics/occlusion_sensitivity.py +4 -4
  613. mindspore/train/metrics/perplexity.py +1 -1
  614. mindspore/train/metrics/precision.py +2 -2
  615. mindspore/train/metrics/recall.py +2 -3
  616. mindspore/train/metrics/roc.py +7 -7
  617. mindspore/train/metrics/root_mean_square_surface_distance.py +5 -4
  618. mindspore/train/metrics/topk.py +7 -4
  619. mindspore/train/mind_ir_pb2.py +193 -48
  620. mindspore/train/model.py +377 -133
  621. mindspore/train/serialization.py +697 -245
  622. mindspore/train/summary/_summary_adapter.py +5 -2
  623. mindspore/train/summary/_writer_pool.py +4 -3
  624. mindspore/train/summary/summary_record.py +25 -23
  625. mindspore/train/train_thor/convert_utils.py +39 -23
  626. mindspore/train/train_thor/dataset_helper.py +4 -3
  627. mindspore/train/train_thor/model_thor.py +8 -8
  628. mindspore/version.py +1 -1
  629. {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/METADATA +7 -8
  630. {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/RECORD +633 -804
  631. {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/entry_points.txt +0 -1
  632. mindspore/_akg/akg/tvm/contrib/debugger/__init__.py +0 -16
  633. mindspore/_akg/akg/tvm/contrib/debugger/debug_result.py +0 -274
  634. mindspore/_akg/akg/tvm/contrib/debugger/debug_runtime.py +0 -259
  635. mindspore/_akg/akg/tvm/contrib/peak.py +0 -341
  636. mindspore/_akg/akg/tvm/contrib/rpc.py +0 -25
  637. mindspore/_akg/akg/tvm/contrib/xcode.py +0 -257
  638. mindspore/_akg/akg/tvm/exec/__init__.py +0 -17
  639. mindspore/_akg/akg/tvm/exec/autotvm_log_editor.py +0 -60
  640. mindspore/_akg/akg/tvm/exec/measure_peak.py +0 -48
  641. mindspore/_akg/akg/tvm/exec/query_rpc_tracker.py +0 -48
  642. mindspore/_akg/akg/tvm/exec/rpc_proxy.py +0 -98
  643. mindspore/_akg/akg/tvm/exec/rpc_server.py +0 -88
  644. mindspore/_akg/akg/tvm/exec/rpc_tracker.py +0 -62
  645. mindspore/_akg/akg/tvm/rpc/__init__.py +0 -29
  646. mindspore/_akg/akg/tvm/rpc/base.py +0 -182
  647. mindspore/_akg/akg/tvm/rpc/client.py +0 -436
  648. mindspore/_akg/akg/tvm/rpc/proxy.py +0 -595
  649. mindspore/_akg/akg/tvm/rpc/server.py +0 -413
  650. mindspore/_akg/akg/tvm/rpc/tornado_util.py +0 -121
  651. mindspore/_akg/akg/tvm/rpc/tracker.py +0 -431
  652. mindspore/_extends/graph_kernel/expander.py +0 -80
  653. mindspore/_extends/graph_kernel/expanders/__init__.py +0 -57
  654. mindspore/_extends/graph_kernel/expanders/_utils.py +0 -269
  655. mindspore/_extends/graph_kernel/expanders/addn.py +0 -33
  656. mindspore/_extends/graph_kernel/expanders/batchnorm.py +0 -152
  657. mindspore/_extends/graph_kernel/expanders/batchnorm_grad.py +0 -105
  658. mindspore/_extends/graph_kernel/expanders/bias_add_grad.py +0 -49
  659. mindspore/_extends/graph_kernel/expanders/clip_by_norm_no_div_sum.py +0 -33
  660. mindspore/_extends/graph_kernel/expanders/complex/abs.py +0 -30
  661. mindspore/_extends/graph_kernel/expanders/complex/add.py +0 -44
  662. mindspore/_extends/graph_kernel/expanders/complex/div.py +0 -62
  663. mindspore/_extends/graph_kernel/expanders/complex/mul.py +0 -52
  664. mindspore/_extends/graph_kernel/expanders/complex/real_div.py +0 -62
  665. mindspore/_extends/graph_kernel/expanders/complex/sub.py +0 -45
  666. mindspore/_extends/graph_kernel/expanders/conv2d.py +0 -200
  667. mindspore/_extends/graph_kernel/expanders/dropout_grad.py +0 -30
  668. mindspore/_extends/graph_kernel/expanders/equal_count.py +0 -50
  669. mindspore/_extends/graph_kernel/expanders/erfc.py +0 -35
  670. mindspore/_extends/graph_kernel/expanders/expand_dims.py +0 -50
  671. mindspore/_extends/graph_kernel/expanders/fused_adam.py +0 -44
  672. mindspore/_extends/graph_kernel/expanders/fused_adam_weight_decay.py +0 -47
  673. mindspore/_extends/graph_kernel/expanders/fused_mul_add.py +0 -28
  674. mindspore/_extends/graph_kernel/expanders/gather.py +0 -43
  675. mindspore/_extends/graph_kernel/expanders/gelu_grad.py +0 -70
  676. mindspore/_extends/graph_kernel/expanders/gkdropout.py +0 -40
  677. mindspore/_extends/graph_kernel/expanders/identity.py +0 -25
  678. mindspore/_extends/graph_kernel/expanders/layernorm.py +0 -93
  679. mindspore/_extends/graph_kernel/expanders/layernorm_grad.py +0 -113
  680. mindspore/_extends/graph_kernel/expanders/logsoftmax.py +0 -46
  681. mindspore/_extends/graph_kernel/expanders/logsoftmax_grad.py +0 -36
  682. mindspore/_extends/graph_kernel/expanders/matmul.py +0 -80
  683. mindspore/_extends/graph_kernel/expanders/maximum_grad.py +0 -59
  684. mindspore/_extends/graph_kernel/expanders/minimum_grad.py +0 -80
  685. mindspore/_extends/graph_kernel/expanders/oneslike.py +0 -26
  686. mindspore/_extends/graph_kernel/expanders/reduce_mean.py +0 -43
  687. mindspore/_extends/graph_kernel/expanders/relu_grad.py +0 -32
  688. mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits.py +0 -41
  689. mindspore/_extends/graph_kernel/expanders/sigmoid_cross_entropy_with_logits_grad.py +0 -35
  690. mindspore/_extends/graph_kernel/expanders/sigmoid_grad.py +0 -31
  691. mindspore/_extends/graph_kernel/expanders/slice.py +0 -35
  692. mindspore/_extends/graph_kernel/expanders/softmax_cross_entropy_with_logits.py +0 -42
  693. mindspore/_extends/graph_kernel/expanders/softmax_grad_ext.py +0 -41
  694. mindspore/_extends/graph_kernel/expanders/softsign.py +0 -28
  695. mindspore/_extends/graph_kernel/expanders/sqrt_grad.py +0 -29
  696. mindspore/_extends/graph_kernel/expanders/square_sum_all.py +0 -44
  697. mindspore/_extends/graph_kernel/expanders/square_sum_v1.py +0 -37
  698. mindspore/_extends/graph_kernel/expanders/squared_difference.py +0 -43
  699. mindspore/_extends/graph_kernel/expanders/tanh_grad.py +0 -31
  700. mindspore/_extends/graph_kernel/expanders/tile.py +0 -54
  701. mindspore/_extends/graph_kernel/model/op_infer.py +0 -506
  702. mindspore/_extends/parse/jit_fallback_modules.py +0 -51
  703. mindspore/dataset/datapreprocess/preprocess_imagenet_validate_dataset.py +0 -54
  704. mindspore/dataset/engine/graphdata.py +0 -1586
  705. mindspore/include/api/net.h +0 -142
  706. mindspore/ops/_grad/grad_array_ops.py +0 -1347
  707. mindspore/ops/_grad/grad_clip_ops.py +0 -84
  708. mindspore/ops/_grad/grad_debug_ops.py +0 -68
  709. mindspore/ops/_grad/grad_inner_ops.py +0 -235
  710. mindspore/ops/_grad/grad_math_ops.py +0 -1684
  711. mindspore/ops/_grad/grad_nn_ops.py +0 -1529
  712. mindspore/ops/_grad/grad_other_ops.py +0 -89
  713. mindspore/ops/_grad/grad_sequence_ops.py +0 -296
  714. mindspore/ops/_grad/grad_sparse.py +0 -323
  715. mindspore/ops/_grad_experimental/grad_image_ops.py +0 -249
  716. mindspore/ops/_grad_experimental/grad_linalg_ops.py +0 -195
  717. mindspore/ops/_grad_experimental/grad_scalar_ops.py +0 -112
  718. mindspore/ops/bprop_mindir/AdaptiveAvgPool2D_bprop.mindir +0 -0
  719. mindspore/ops/bprop_mindir/AdaptiveMaxPool2D_bprop.mindir +0 -0
  720. mindspore/ops/bprop_mindir/ApproximateEqual_bprop.mindir +0 -19
  721. mindspore/ops/bprop_mindir/Argmax_bprop.mindir +0 -15
  722. mindspore/ops/bprop_mindir/Argmin_bprop.mindir +0 -15
  723. mindspore/ops/bprop_mindir/AssignSub_bprop.mindir +0 -19
  724. mindspore/ops/bprop_mindir/Assign_bprop.mindir +0 -17
  725. mindspore/ops/bprop_mindir/AvgPool3D_bprop.mindir +0 -150
  726. mindspore/ops/bprop_mindir/AvgPool_bprop.mindir +0 -66
  727. mindspore/ops/bprop_mindir/BCEWithLogitsLoss_bprop.mindir +0 -0
  728. mindspore/ops/bprop_mindir/BNTrainingReduce_bprop.mindir +0 -15
  729. mindspore/ops/bprop_mindir/BatchNormGrad_bprop.mindir +0 -0
  730. mindspore/ops/bprop_mindir/BatchToSpaceND_bprop.mindir +0 -28
  731. mindspore/ops/bprop_mindir/BiasAddGrad_bprop.mindir +0 -0
  732. mindspore/ops/bprop_mindir/BinaryCrossEntropy_bprop.mindir +0 -33
  733. mindspore/ops/bprop_mindir/BroadcastTo_bprop.mindir +0 -306
  734. mindspore/ops/bprop_mindir/Broadcast_bprop.mindir +0 -13
  735. mindspore/ops/bprop_mindir/CTCLoss_bprop.mindir +0 -0
  736. mindspore/ops/bprop_mindir/Concat_bprop.mindir +0 -0
  737. mindspore/ops/bprop_mindir/Conv2DBackpropFilter_bprop.mindir +0 -240
  738. mindspore/ops/bprop_mindir/Conv2DBackpropInput_bprop.mindir +0 -247
  739. mindspore/ops/bprop_mindir/Conv2DTranspose_bprop.mindir +0 -247
  740. mindspore/ops/bprop_mindir/Conv3DTranspose_bprop.mindir +0 -315
  741. mindspore/ops/bprop_mindir/Conv3D_bprop.mindir +0 -278
  742. mindspore/ops/bprop_mindir/DType_bprop.mindir +0 -14
  743. mindspore/ops/bprop_mindir/DeformableOffsets_bprop.mindir +0 -58
  744. mindspore/ops/bprop_mindir/Depend_bprop.mindir +0 -13
  745. mindspore/ops/bprop_mindir/DepthToSpace_bprop.mindir +0 -23
  746. mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +0 -138
  747. mindspore/ops/bprop_mindir/DiagPart_bprop.mindir +0 -15
  748. mindspore/ops/bprop_mindir/Dropout2D_bprop.mindir +0 -0
  749. mindspore/ops/bprop_mindir/Dropout3D_bprop.mindir +0 -0
  750. mindspore/ops/bprop_mindir/DropoutDoMask_bprop.mindir +0 -25
  751. mindspore/ops/bprop_mindir/DropoutGenMask_bprop.mindir +0 -18
  752. mindspore/ops/bprop_mindir/DropoutGrad_bprop.mindir +0 -27
  753. mindspore/ops/bprop_mindir/Dropout_bprop.mindir +0 -0
  754. mindspore/ops/bprop_mindir/DynamicGRUV2_bprop.mindir +0 -0
  755. mindspore/ops/bprop_mindir/DynamicRNN_bprop.mindir +0 -0
  756. mindspore/ops/bprop_mindir/DynamicShape_bprop.mindir +0 -14
  757. mindspore/ops/bprop_mindir/Elu_bprop.mindir +0 -16
  758. mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
  759. mindspore/ops/bprop_mindir/Equal_bprop.mindir +0 -19
  760. mindspore/ops/bprop_mindir/ExpandDims_bprop.mindir +0 -58
  761. mindspore/ops/bprop_mindir/FastGeLU_bprop.mindir +0 -16
  762. mindspore/ops/bprop_mindir/Flatten_bprop.mindir +0 -54
  763. mindspore/ops/bprop_mindir/FloorDiv_bprop.mindir +0 -19
  764. mindspore/ops/bprop_mindir/GatherD_bprop.mindir +0 -26
  765. mindspore/ops/bprop_mindir/GatherNd_bprop.mindir +0 -57
  766. mindspore/ops/bprop_mindir/Gather_bprop.mindir +0 -0
  767. mindspore/ops/bprop_mindir/GreaterEqual_bprop.mindir +0 -19
  768. mindspore/ops/bprop_mindir/Greater_bprop.mindir +0 -19
  769. mindspore/ops/bprop_mindir/HSigmoid_bprop.mindir +0 -16
  770. mindspore/ops/bprop_mindir/HSwish_bprop.mindir +0 -16
  771. mindspore/ops/bprop_mindir/IOU_bprop.mindir +0 -19
  772. mindspore/ops/bprop_mindir/InstanceNorm_bprop.mindir +0 -0
  773. mindspore/ops/bprop_mindir/IsFinite_bprop.mindir +0 -15
  774. mindspore/ops/bprop_mindir/IsInf_bprop.mindir +0 -15
  775. mindspore/ops/bprop_mindir/IsNan_bprop.mindir +0 -15
  776. mindspore/ops/bprop_mindir/KLDivLoss_bprop.mindir +0 -126
  777. mindspore/ops/bprop_mindir/L2Loss_bprop.mindir +0 -15
  778. mindspore/ops/bprop_mindir/L2Normalize_bprop.mindir +0 -30
  779. mindspore/ops/bprop_mindir/LRN_bprop.mindir +0 -43
  780. mindspore/ops/bprop_mindir/LayerNormGrad_bprop.mindir +0 -0
  781. mindspore/ops/bprop_mindir/LessEqual_bprop.mindir +0 -19
  782. mindspore/ops/bprop_mindir/Less_bprop.mindir +0 -19
  783. mindspore/ops/bprop_mindir/LinSpace_bprop.mindir +0 -23
  784. mindspore/ops/bprop_mindir/Load_bprop.mindir +0 -13
  785. mindspore/ops/bprop_mindir/LogSoftmax_bprop.mindir +0 -23
  786. mindspore/ops/bprop_mindir/LogicalAnd_bprop.mindir +0 -19
  787. mindspore/ops/bprop_mindir/LogicalNot_bprop.mindir +0 -15
  788. mindspore/ops/bprop_mindir/MaskedSelect_bprop.mindir +0 -21
  789. mindspore/ops/bprop_mindir/MaxPool3DGradGrad_bprop.mindir +0 -74
  790. mindspore/ops/bprop_mindir/MaxPool3DGrad_bprop.mindir +0 -74
  791. mindspore/ops/bprop_mindir/MaxPool3D_bprop.mindir +0 -75
  792. mindspore/ops/bprop_mindir/MaxPoolGradGrad_bprop.mindir +0 -65
  793. mindspore/ops/bprop_mindir/MaxPoolWithArgmax_bprop.mindir +0 -0
  794. mindspore/ops/bprop_mindir/Maximum_bprop.mindir +0 -0
  795. mindspore/ops/bprop_mindir/Minimum_bprop.mindir +0 -0
  796. mindspore/ops/bprop_mindir/MirrorPad_bprop.mindir +0 -27
  797. mindspore/ops/bprop_mindir/Mish_bprop.mindir +0 -35
  798. mindspore/ops/bprop_mindir/MulNoNan_bprop.mindir +0 -0
  799. mindspore/ops/bprop_mindir/NLLLoss_bprop.mindir +0 -0
  800. mindspore/ops/bprop_mindir/NonZero_bprop.mindir +0 -14
  801. mindspore/ops/bprop_mindir/NotEqual_bprop.mindir +0 -19
  802. mindspore/ops/bprop_mindir/OneHot_bprop.mindir +0 -26
  803. mindspore/ops/bprop_mindir/OnesLike_bprop.mindir +0 -14
  804. mindspore/ops/bprop_mindir/PReLU_bprop.mindir +0 -0
  805. mindspore/ops/bprop_mindir/Pad_bprop.mindir +0 -0
  806. mindspore/ops/bprop_mindir/Padding_bprop.mindir +0 -0
  807. mindspore/ops/bprop_mindir/RNNTLoss_bprop.mindir +0 -29
  808. mindspore/ops/bprop_mindir/ROIAlign_bprop.mindir +0 -82
  809. mindspore/ops/bprop_mindir/Range_bprop.mindir +0 -22
  810. mindspore/ops/bprop_mindir/Rank_bprop.mindir +0 -14
  811. mindspore/ops/bprop_mindir/ReLU6_bprop.mindir +0 -16
  812. mindspore/ops/bprop_mindir/ReLUV2_bprop.mindir +0 -0
  813. mindspore/ops/bprop_mindir/ReduceAll_bprop.mindir +0 -19
  814. mindspore/ops/bprop_mindir/ReduceAny_bprop.mindir +0 -19
  815. mindspore/ops/bprop_mindir/ReluGrad_bprop.mindir +0 -20
  816. mindspore/ops/bprop_mindir/Reshape_bprop.mindir +0 -60
  817. mindspore/ops/bprop_mindir/ResizeBilinear_bprop.mindir +0 -29
  818. mindspore/ops/bprop_mindir/ResizeNearestNeighbor_bprop.mindir +0 -89
  819. mindspore/ops/bprop_mindir/ReverseSequence_bprop.mindir +0 -52
  820. mindspore/ops/bprop_mindir/ReverseV2_bprop.mindir +0 -22
  821. mindspore/ops/bprop_mindir/Round_bprop.mindir +0 -15
  822. mindspore/ops/bprop_mindir/ScatterMax_bprop.mindir +0 -0
  823. mindspore/ops/bprop_mindir/ScatterMin_bprop.mindir +0 -0
  824. mindspore/ops/bprop_mindir/ScatterNdUpdate_bprop.mindir +0 -22
  825. mindspore/ops/bprop_mindir/ScatterNd_bprop.mindir +0 -24
  826. mindspore/ops/bprop_mindir/ScatterNonAliasingAdd_bprop.mindir +0 -22
  827. mindspore/ops/bprop_mindir/ScatterUpdate_bprop.mindir +0 -0
  828. mindspore/ops/bprop_mindir/SeLU_bprop.mindir +0 -21
  829. mindspore/ops/bprop_mindir/Select_bprop.mindir +0 -31
  830. mindspore/ops/bprop_mindir/Shape_bprop.mindir +0 -14
  831. mindspore/ops/bprop_mindir/SigmoidCrossEntropyWithLogits_bprop.mindir +0 -21
  832. mindspore/ops/bprop_mindir/SigmoidGrad_bprop.mindir +0 -0
  833. mindspore/ops/bprop_mindir/Sigmoid_bprop.mindir +0 -16
  834. mindspore/ops/bprop_mindir/Sign_bprop.mindir +0 -15
  835. mindspore/ops/bprop_mindir/Slice_bprop.mindir +0 -26
  836. mindspore/ops/bprop_mindir/SmoothL1Loss_bprop.mindir +0 -36
  837. mindspore/ops/bprop_mindir/SoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
  838. mindspore/ops/bprop_mindir/Softplus_bprop.mindir +0 -16
  839. mindspore/ops/bprop_mindir/Softsign_bprop.mindir +0 -33
  840. mindspore/ops/bprop_mindir/Sort_bprop.mindir +0 -0
  841. mindspore/ops/bprop_mindir/SpaceToBatchND_bprop.mindir +0 -28
  842. mindspore/ops/bprop_mindir/SpaceToDepth_bprop.mindir +0 -23
  843. mindspore/ops/bprop_mindir/SparseGatherV2_bprop.mindir +0 -0
  844. mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
  845. mindspore/ops/bprop_mindir/Split_bprop.mindir +0 -22
  846. mindspore/ops/bprop_mindir/Squeeze_bprop.mindir +0 -54
  847. mindspore/ops/bprop_mindir/StridedSliceGrad_bprop.mindir +0 -95
  848. mindspore/ops/bprop_mindir/StridedSlice_bprop.mindir +0 -98
  849. mindspore/ops/bprop_mindir/Switch_bprop.mindir +0 -29
  850. mindspore/ops/bprop_mindir/TanhGrad_bprop.mindir +0 -0
  851. mindspore/ops/bprop_mindir/Tanh_bprop.mindir +0 -66
  852. mindspore/ops/bprop_mindir/TensorScatterAdd_bprop.mindir +0 -22
  853. mindspore/ops/bprop_mindir/TensorScatterUpdate_bprop.mindir +0 -29
  854. mindspore/ops/bprop_mindir/TensorShape_bprop.mindir +0 -14
  855. mindspore/ops/bprop_mindir/Tile_bprop.mindir +0 -0
  856. mindspore/ops/bprop_mindir/TopK_bprop.mindir +0 -0
  857. mindspore/ops/bprop_mindir/TransShape_bprop.mindir +0 -23
  858. mindspore/ops/bprop_mindir/TruncateDiv_bprop.mindir +0 -19
  859. mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +0 -20
  860. mindspore/ops/bprop_mindir/Unique_bprop.mindir +0 -16
  861. mindspore/ops/bprop_mindir/Unstack_bprop.mindir +0 -22
  862. mindspore/ops/bprop_mindir/UpsampleNearest3D_bprop.mindir +0 -32
  863. mindspore/ops/bprop_mindir/UpsampleTrilinear3D_bprop.mindir +0 -38
  864. mindspore/ops/bprop_mindir/ZerosLike_bprop.mindir +0 -15
  865. mindspore/ops/bprop_mindir/generate_mindir.py +0 -114
  866. mindspore/rewrite/node_visitor.py +0 -44
  867. mindspore/rewrite/topological_manager.py +0 -203
  868. mindspore/scipy/sparse/linalg.py +0 -192
  869. {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/WHEEL +0 -0
  870. {mindspore-2.0.0rc1.dist-info → mindspore-2.2.0.dist-info}/top_level.txt +0 -0
@@ -23,13 +23,12 @@ import numbers
23
23
  import random
24
24
 
25
25
  import numpy as np
26
- from PIL import Image
27
26
 
28
27
  import mindspore.dataset.transforms.py_transforms as py_transforms
29
28
  from . import py_transforms_util as util
30
29
  from .c_transforms import parse_padding
31
30
  from .py_transforms_util import is_pil
32
- from .utils import Border, Inter
31
+ from .utils import Border, Inter, ANTIALIAS, CUBIC, LINEAR, NEAREST
33
32
  from .validators import check_adjust_gamma, check_alpha, check_auto_contrast, check_center_crop, check_cutout, \
34
33
  check_five_crop, check_hsv_to_rgb, check_linear_transform, check_mix_up, check_normalize_py, \
35
34
  check_normalizepad_py, check_num_channels, check_pad, check_positive_degrees, check_prob, check_random_affine, \
@@ -42,16 +41,10 @@ DE_PY_BORDER_TYPE = {Border.CONSTANT: 'constant',
42
41
  Border.REFLECT: 'reflect',
43
42
  Border.SYMMETRIC: 'symmetric'}
44
43
 
45
- if Image.__version__ >= "9.1.0":
46
- DE_PY_INTER_MODE = {Inter.NEAREST: Image.Resampling.NEAREST,
47
- Inter.ANTIALIAS: Image.Resampling.LANCZOS,
48
- Inter.LINEAR: Image.Resampling.BILINEAR,
49
- Inter.CUBIC: Image.Resampling.BICUBIC}
50
- else:
51
- DE_PY_INTER_MODE = {Inter.NEAREST: Image.NEAREST,
52
- Inter.ANTIALIAS: Image.ANTIALIAS,
53
- Inter.LINEAR: Image.LINEAR,
54
- Inter.CUBIC: Image.CUBIC}
44
+ DE_PY_INTER_MODE = {Inter.NEAREST: NEAREST,
45
+ Inter.ANTIALIAS: ANTIALIAS,
46
+ Inter.LINEAR: LINEAR,
47
+ Inter.CUBIC: CUBIC}
55
48
 
56
49
 
57
50
  class AdjustGamma(py_transforms.PyTensorOperation):
@@ -60,7 +53,7 @@ class AdjustGamma(py_transforms.PyTensorOperation):
60
53
 
61
54
  Args:
62
55
  gamma (float): The gamma parameter in correction equation, must be non negative.
63
- gain (float, optional): The constant multiplier. Default: 1.0.
56
+ gain (float, optional): The constant multiplier. Default: ``1.0``.
64
57
 
65
58
  Raises:
66
59
  TypeError: If `gain` is not of type float.
@@ -113,9 +106,9 @@ class AutoContrast(py_transforms.PyTensorOperation):
113
106
 
114
107
  Args:
115
108
  cutoff (float, optional): Percent to cut off from the histogram on the low and
116
- high ends, must be in range of [0.0, 50.0]. Default: 0.0.
109
+ high ends, must be in range of [0.0, 50.0]. Default: ``0.0``.
117
110
  ignore (Union[int, Sequence[int]], optional): Background pixel value, which will be
118
- directly remapped to white. Default: None, means no background.
111
+ directly remapped to white. Default: ``None``, means no background.
119
112
 
120
113
  Raises:
121
114
  TypeError: If `cutoff` is not of type float.
@@ -214,7 +207,7 @@ class Cutout(py_transforms.PyTensorOperation):
214
207
 
215
208
  Args:
216
209
  length (int): The side length of square patches to be cut out.
217
- num_patches (int, optional): The number of patches to be cut out. Default: 1.
210
+ num_patches (int, optional): The number of patches to be cut out. Default: ``1``.
218
211
 
219
212
  Raises:
220
213
  TypeError: If `length` is not of type int.
@@ -409,12 +402,12 @@ class Grayscale(py_transforms.PyTensorOperation):
409
402
  Convert the input PIL Image to grayscale.
410
403
 
411
404
  Args:
412
- num_output_channels (int): The number of channels desired for the output image, must be 1 or 3.
413
- If 3 is provided, the returned image will have 3 identical RGB channels. Default: 1.
405
+ num_output_channels (int): The number of channels desired for the output image, must be ``1`` or ``3``.
406
+ If ``3`` is provided, the returned image will have 3 identical RGB channels. Default: ``1``.
414
407
 
415
408
  Raises:
416
409
  TypeError: If `num_output_channels` is not of type int.
417
- ValueError: If `num_output_channels` is not 1 or 3.
410
+ ValueError: If `num_output_channels` is not ``1`` or ``3``.
418
411
 
419
412
  Supported Platforms:
420
413
  ``CPU``
@@ -454,8 +447,8 @@ class HsvToRgb(py_transforms.PyTensorOperation):
454
447
  Convert the input numpy.ndarray images from HSV to RGB.
455
448
 
456
449
  Args:
457
- is_hwc (bool): If True, means the input image is in shape of (H, W, C) or (N, H, W, C).
458
- Otherwise, it is in shape of (C, H, W) or (N, C, H, W). Default: False.
450
+ is_hwc (bool): If ``True``, means the input image is in shape of (H, W, C) or (N, H, W, C).
451
+ Otherwise, it is in shape of (C, H, W) or (N, C, H, W). Default: ``False``.
459
452
 
460
453
  Raises:
461
454
  TypeError: If `is_hwc` is not of type bool.
@@ -636,9 +629,9 @@ class MixUp(py_transforms.PyTensorOperation):
636
629
  Args:
637
630
  batch_size (int): The number of images in a batch.
638
631
  alpha (float): The alpha and beta parameter for the Beta distribution.
639
- is_single (bool, optional): If True, it will randomly mix up [img0, ..., img(n-1), img(n)] with
632
+ is_single (bool, optional): If ``True``, it will randomly mix up [img0, ..., img(n-1), img(n)] with
640
633
  [img1, ..., img(n), img0] in each batch. Otherwise, it will randomly mix up images with the
641
- output of the previous batch. Default: True.
634
+ output of the previous batch. Default: ``True``.
642
635
 
643
636
  Raises:
644
637
  TypeError: If `batch_size` is not of type int.
@@ -783,7 +776,8 @@ class NormalizePad(py_transforms.PyTensorOperation):
783
776
  If float is provided, it will be applied to each channel.
784
777
  If Sequence[float] is provided, it should have the same length with channel
785
778
  and be arranged in channel order.
786
- dtype (str): The dtype of the output image. Only "float32" and "float16" are supported. Default: "float32".
779
+ dtype (str): The dtype of the output image. Only ``"float32"`` and ``"float16"`` are supported.
780
+ Default: ``"float32"``.
787
781
 
788
782
  Raises:
789
783
  TypeError: If the input image is not of type :class:`numpy.ndarray` .
@@ -840,16 +834,16 @@ class Pad(py_transforms.PyTensorOperation):
840
834
  first value and the right and bottom borders with the second value.
841
835
  If Sequence[int, int, int, int] is provided, pad the left, top, right and bottom borders respectively.
842
836
  fill_value (Union[int, tuple[int, int, int]], optional): Pixel value used to pad the borders,
843
- only valid when `padding_mode` is Border.CONSTANT.
837
+ only valid when `padding_mode` is ``Border.CONSTANT``.
844
838
  If int is provided, it will be used for all RGB channels.
845
- If tuple[int, int, int] is provided, it will be used for R, G, B channels respectively. Default: 0.
846
- padding_mode (Border, optional): Method of padding. It can be Border.CONSTANT, Border.EDGE, Border.REFLECT
847
- or Border.SYMMETRIC. Default: Border.CONSTANT. Default: Border.CONSTANT.
839
+ If tuple[int, int, int] is provided, it will be used for R, G, B channels respectively. Default: ``0``.
840
+ padding_mode (Border, optional): Method of padding. It can be ``Border.CONSTANT``, ``Border.EDGE``,
841
+ ``Border.REFLECT`` or ``Border.SYMMETRIC``. Default: ``Border.CONSTANT``.
848
842
 
849
- - Border.CONSTANT, pads with a constant value.
850
- - Border.EDGE, pads with the last value at the edge of the image.
851
- - Border.REFLECT, pads with reflection of the image omitting the last value on the edge.
852
- - Border.SYMMETRIC, pads with reflection of the image repeating the last value on the edge.
843
+ - ``Border.CONSTANT`` , pads with a constant value.
844
+ - ``Border.EDGE`` , pads with the last value at the edge of the image.
845
+ - ``Border.REFLECT`` , pads with reflection of the image omitting the last value on the edge.
846
+ - ``Border.SYMMETRIC`` , pads with reflection of the image repeating the last value on the edge.
853
847
 
854
848
  Note:
855
849
  The behavior when `padding` is a sequence of length 2 will change from padding left/top with
@@ -912,9 +906,9 @@ class RandomAffine(py_transforms.PyTensorOperation):
912
906
  translate (Sequence[float, float], optional): Maximum absolute fraction sequence in shape of (tx, ty)
913
907
  for horizontal and vertical translations. The horizontal and vertical shifts are randomly
914
908
  selected from (-tx * width, tx * width) and (-ty * height, ty * height) respectively.
915
- Default: None, means no translation.
909
+ Default: ``None``, means no translation.
916
910
  scale (Sequence[float, float], optional): Range of scaling factor to select from.
917
- Default: None, means to keep the original scale.
911
+ Default: ``None``, means to keep the original scale.
918
912
  shear (Union[float, Sequence[float, float], Sequence[float, float, float, float]], optional):
919
913
  Range of shear factor to select from.
920
914
  If float is provided, a shearing parallel to X axis with a factor selected from
@@ -923,19 +917,19 @@ class RandomAffine(py_transforms.PyTensorOperation):
923
917
  from ( `shear` [0], `shear` [1]) will be applied.
924
918
  If Sequence[float, float, float, float] is provided, a shearing parallel to X axis with a factor selected
925
919
  from ( `shear` [0], `shear` [1]) and a shearing parallel to Y axis with a factor selected from
926
- ( `shear` [2], `shear` [3]) will be applied. Default: None, means no shearing.
927
- resample (Inter, optional): Method of interpolation. It can be Inter.BILINEAR, Inter.NEAREST
928
- or Inter.BICUBIC. If the input PIL Image is in mode of "1" or "P", Inter.NEAREST will be
929
- used directly. Default: Inter.NEAREST.
920
+ ( `shear` [2], `shear` [3]) will be applied. Default: ``None``, means no shearing.
921
+ resample (Inter, optional): Method of interpolation. It can be ``Inter.BILINEAR``, ``Inter.NEAREST``
922
+ or ``Inter.BICUBIC``. If the input PIL Image is in mode of "1" or "P", ``Inter.NEAREST`` will be
923
+ used directly. Default: ``Inter.NEAREST``.
930
924
 
931
- - Inter.BILINEAR, bilinear interpolation.
932
- - Inter.NEAREST, nearest-neighbor interpolation.
933
- - Inter.BICUBIC, bicubic interpolation.
925
+ - ``Inter.BILINEA`` , bilinear interpolation.
926
+ - ``Inter.NEAREST`` , nearest-neighbor interpolation.
927
+ - ``Inter.BICUBIC`` , bicubic interpolation.
934
928
 
935
929
  fill_value (Union[int, tuple[int, int, int]], optional): Pixel value for areas outside the transform image.
936
930
  If int is provided, it will be used for all RGB channels.
937
931
  If tuple[int, int, int] is provided, it will be used for R, G, B channels respectively.
938
- Only supported with Pillow 5.0.0 and above. Default: 0.
932
+ Only supported with Pillow 5.0.0 and above. Default: ``0``.
939
933
 
940
934
  Raises:
941
935
  TypeError: If `degrees` is not of type float or Sequence[float, float].
@@ -983,7 +977,7 @@ class RandomAffine(py_transforms.PyTensorOperation):
983
977
  self.translate = translate
984
978
  self.scale_ranges = scale
985
979
  self.shear = shear
986
- self.resample = DE_PY_INTER_MODE[resample]
980
+ self.resample = DE_PY_INTER_MODE.get(resample)
987
981
  self.fill_value = fill_value
988
982
 
989
983
  def __call__(self, img):
@@ -1013,8 +1007,8 @@ class RandomColor(py_transforms.PyTensorOperation):
1013
1007
  Args:
1014
1008
  degrees (Sequence[float, float]): Range of color adjustment degree to select from,
1015
1009
  must be a Sequence of length 2, arranged in order of (min, max).
1016
- A degree of 1.0 gives the original image, a degree of 0.0 gives a black and white image
1017
- and higher degrees mean more brightness, contrast, etc. Default: (0.1, 1.9).
1010
+ A degree of 1.0 gives the original image, a degree of ``0.0`` gives a black and white image
1011
+ and higher degrees mean more brightness, contrast, etc. Default: ``(0.1, 1.9)``.
1018
1012
 
1019
1013
  Raises:
1020
1014
  TypeError: If `degrees` is not of type Sequence[float, float].
@@ -1063,21 +1057,21 @@ class RandomColorAdjust(py_transforms.PyTensorOperation):
1063
1057
  to select from, must be non negative.
1064
1058
  If float is provided, the factor will be uniformly selected from
1065
1059
  [max(0, 1 - `brightness` ), 1 + `brightness` ).
1066
- If Sequence[float, float] is provided, it should be arranged in order of (min, max). Default: (1, 1).
1060
+ If Sequence[float, float] is provided, it should be arranged in order of (min, max). Default: ``(1, 1)``.
1067
1061
  contrast (Union[float, Sequence[float, float]], optional): Range of contrast adjustment factor
1068
1062
  to select from, must be non negative.
1069
1063
  If float is provided, the factor will be uniformly selected from [max(0, 1 - `contrast` ), 1 + `contrast` ).
1070
- If Sequence[float, float] is provided, it should be arranged in order of (min, max). Default: (1, 1).
1064
+ If Sequence[float, float] is provided, it should be arranged in order of (min, max). Default: ``(1, 1)``.
1071
1065
  saturation (Union[float, Sequence[float, float]], optional): Range of saturation adjustment factor
1072
1066
  to select from, must be non negative.
1073
1067
  If float is provided, the factor will be uniformly selected from
1074
1068
  [max(0, 1 - `saturation` ), 1 + `saturation` ).
1075
- If Sequence[float, float] is provided, it should be arranged in order of (min, max). Default: (1, 1).
1069
+ If Sequence[float, float] is provided, it should be arranged in order of (min, max). Default: ``(1, 1)``.
1076
1070
  hue (Union[float, Sequence[float, float]], optional): Range of hue adjustment factor to select from.
1077
1071
  If float is provided, it must be in range of [0, 0.5], and the factor will be uniformly
1078
1072
  selected from [ `-hue` , `hue` ).
1079
1073
  If Sequence[float, float] is provided, the elements must be in range of [-0.5, 0.5] and arranged in
1080
- order of (min, max). Default: (0, 0).
1074
+ order of (min, max). Default: ``(0, 0)``.
1081
1075
 
1082
1076
  Raises:
1083
1077
  TypeError: If `brightness` is not of type float or Sequence[float, float].
@@ -1138,20 +1132,20 @@ class RandomCrop(py_transforms.PyTensorOperation):
1138
1132
  If Sequence[int, int] is provided, pad the left and top borders with the
1139
1133
  first value and the right and bottom borders with the second value.
1140
1134
  If Sequence[int, int, int, int] is provided, pad the left, top, right and bottom borders respectively.
1141
- Default: None, means not to pad.
1135
+ Default: ``None``, means not to pad.
1142
1136
  pad_if_needed (bool, optional): Whether to pad the image if either side is shorter than
1143
- the given cropping size. Default: False, means not to pad.
1137
+ the given cropping size. Default: ``False``, means not to pad.
1144
1138
  fill_value (Union[int, tuple[int, int, int]], optional): Pixel value used to pad the borders,
1145
- only valid when `padding_mode` is Border.CONSTANT.
1139
+ only valid when `padding_mode` is ``Border.CONSTANT``.
1146
1140
  If int is provided, it will be used for all RGB channels.
1147
- If tuple[int, int, int] is provided, it will be used for R, G, B channels respectively. Default: 0.
1148
- padding_mode (Border, optional): Method of padding. It can be Border.CONSTANT, Border.EDGE, Border.REFLECT
1149
- or Border.SYMMETRIC. Default: Border.CONSTANT.
1141
+ If tuple[int, int, int] is provided, it will be used for R, G, B channels respectively. Default: ``0``.
1142
+ padding_mode (Border, optional): Method of padding. It can be ``Border.CONSTANT``, ``Border.EDGE``,
1143
+ ``Border.REFLECT`` or ``Border.SYMMETRIC``. Default: ``Border.CONSTANT``.
1150
1144
 
1151
- - Border.CONSTANT, pads with a constant value.
1152
- - Border.EDGE, pads with the last value at the edge of the image.
1153
- - Border.REFLECT, pads with reflection of the image omitting the last value on the edge.
1154
- - Border.SYMMETRIC, pads with reflection of the image repeating the last value on the edge.
1145
+ - ``Border.CONSTANT`` , pads with a constant value.
1146
+ - ``Border.EDGE`` , pads with the last value at the edge of the image.
1147
+ - ``Border.REFLECT`` , pads with reflection of the image omitting the last value on the edge.
1148
+ - ``Border.SYMMETRIC`` , pads with reflection of the image repeating the last value on the edge.
1155
1149
 
1156
1150
  Note:
1157
1151
  The behavior when `padding` is a sequence of length 2 will change from padding left/top with
@@ -1217,20 +1211,20 @@ class RandomErasing(py_transforms.PyTensorOperation):
1217
1211
  See `Random Erasing Data Augmentation <https://arxiv.org/pdf/1708.04896.pdf>`_ .
1218
1212
 
1219
1213
  Args:
1220
- prob (float, optional): Probability of performing erasing. Default: 0.5.
1214
+ prob (float, optional): Probability of performing erasing. Default: ``0.5``.
1221
1215
  scale (Sequence[float, float], optional): Range of area scale of the erased area relative
1222
1216
  to the original image to select from, arranged in order of (min, max).
1223
- Default: (0.02, 0.33).
1217
+ Default: ``(0.02, 0.33)``.
1224
1218
  ratio (Sequence[float, float], optional): Range of aspect ratio of the erased area to select
1225
- from, arraged in order of (min, max). Default: (0.3, 3.3).
1219
+ from, arraged in order of (min, max). Default: ``(0.3, 3.3)``.
1226
1220
  value (Union[int, str, Sequence[int, int, int]]): Pixel value used to pad the erased area.
1227
1221
  If int is provided, it will be used for all RGB channels.
1228
1222
  If Sequence[int, int, int] is provided, it will be used for R, G, B channels respectively.
1229
- If a string of 'random' is provided, each pixel will be erased with a random value obtained
1230
- from a standard normal distribution. Default: 0.
1231
- inplace (bool, optional): Whether to apply erasing inplace. Default: False.
1223
+ If a string of ``'random'`` is provided, each pixel will be erased with a random value obtained
1224
+ from a standard normal distribution. Default: ``0``.
1225
+ inplace (bool, optional): Whether to apply erasing inplace. Default: ``False``.
1232
1226
  max_attempts (int, optional): The maximum number of attempts to propose a valid
1233
- erased area, beyond which the original image will be returned. Default: 10.
1227
+ erased area, beyond which the original image will be returned. Default: ``10``.
1234
1228
 
1235
1229
  Raises:
1236
1230
  TypeError: If `prob` is not of type float.
@@ -1292,7 +1286,7 @@ class RandomGrayscale(py_transforms.PyTensorOperation):
1292
1286
  Randomly convert the input PIL Image to grayscale.
1293
1287
 
1294
1288
  Args:
1295
- prob (float, optional): Probability of performing grayscale conversion. Default: 0.1.
1289
+ prob (float, optional): Probability of performing grayscale conversion. Default: ``0.1``.
1296
1290
 
1297
1291
  Raises:
1298
1292
  TypeError: If `prob` is not of type float.
@@ -1345,7 +1339,7 @@ class RandomHorizontalFlip(py_transforms.PyTensorOperation):
1345
1339
  Randomly flip the input PIL Image horizontally with a given probability.
1346
1340
 
1347
1341
  Args:
1348
- prob (float, optional): Probability of performing horizontally flip. Default: 0.5.
1342
+ prob (float, optional): Probability of performing horizontally flip. Default: ``0.5``.
1349
1343
 
1350
1344
  Raises:
1351
1345
  TypeError: If `prob` is not of type float.
@@ -1389,7 +1383,7 @@ class RandomLighting(py_transforms.PyTensorOperation):
1389
1383
  Add AlexNet-style PCA-based noise to the input PIL Image.
1390
1384
 
1391
1385
  Args:
1392
- alpha (float, optional): Intensity of the noise. Default: 0.05.
1386
+ alpha (float, optional): Intensity of the noise. Default: ``0.05``.
1393
1387
 
1394
1388
  Raises:
1395
1389
  TypeError: If `alpha` is not of type float.
@@ -1434,14 +1428,14 @@ class RandomPerspective(py_transforms.PyTensorOperation):
1434
1428
  Randomly apply perspective transformation to the input PIL Image with a given probability.
1435
1429
 
1436
1430
  Args:
1437
- distortion_scale (float, optional): Scale of distortion, in range of [0, 1]. Default: 0.5.
1438
- prob (float, optional): Probability of performing perspective transformation. Default: 0.5.
1439
- interpolation (Inter, optional): Method of interpolation. It can be Inter.BILINEAR,
1440
- Inter.NEAREST or Inter.BICUBIC. Default: Inter.BICUBIC.
1431
+ distortion_scale (float, optional): Scale of distortion, in range of [0, 1]. Default: ``0.5``.
1432
+ prob (float, optional): Probability of performing perspective transformation. Default: ``0.5``.
1433
+ interpolation (Inter, optional): Method of interpolation. It can be ``Inter.BILINEAR``,
1434
+ ``Inter.NEAREST`` or ``Inter.BICUBIC``. Default: ``Inter.BICUBIC``.
1441
1435
 
1442
- - Inter.BILINEAR, bilinear interpolation.
1443
- - Inter.NEAREST, nearest-neighbor interpolation.
1444
- - Inter.BICUBIC, bicubic interpolation.
1436
+ - ``Inter.BILINEA`` , bilinear interpolation.
1437
+ - ``Inter.NEAREST`` , nearest-neighbor interpolation.
1438
+ - ``Inter.BICUBIC`` , bicubic interpolation.
1445
1439
 
1446
1440
  Raises:
1447
1441
  TypeError: If `distortion_scale` is not of type float.
@@ -1469,7 +1463,7 @@ class RandomPerspective(py_transforms.PyTensorOperation):
1469
1463
  def __init__(self, distortion_scale=0.5, prob=0.5, interpolation=Inter.BICUBIC):
1470
1464
  self.distortion_scale = distortion_scale
1471
1465
  self.prob = prob
1472
- self.interpolation = DE_PY_INTER_MODE[interpolation]
1466
+ self.interpolation = DE_PY_INTER_MODE.get(interpolation)
1473
1467
 
1474
1468
  def __call__(self, img):
1475
1469
  """
@@ -1499,19 +1493,19 @@ class RandomResizedCrop(py_transforms.PyTensorOperation):
1499
1493
  If int is provided, a square of size `(size, size)` will be cropped with this value.
1500
1494
  If Sequence[int, int] is provided, its two elements will be taken as the cropped height and width.
1501
1495
  scale (Sequence[float, float], optional): Range of area scale of the cropped area relative
1502
- to the original image to select from, arraged in order or (min, max). Default: (0.08, 1.0).
1496
+ to the original image to select from, arraged in order or (min, max). Default: ``(0.08, 1.0)``.
1503
1497
  ratio (Sequence[float, float], optional): Range of aspect ratio of the cropped area to select
1504
- from, arraged in order of (min, max). Default: (3./4., 4./3.).
1505
- interpolation (Inter, optional): Method of interpolation. It can be Inter.NEAREST,
1506
- Inter.ANTIALIAS, Inter.BILINEAR or Inter.BICUBIC. Default: Inter.BILINEAR.
1498
+ from, arraged in order of (min, max). Default: ``(3./4., 4./3.)``.
1499
+ interpolation (Inter, optional): Method of interpolation. It can be ``Inter.NEAREST``,
1500
+ ``Inter.ANTIALIAS``, ``Inter.BILINEAR`` or ``Inter.BICUBIC``. Default: ``Inter.BILINEAR``.
1507
1501
 
1508
- - Inter.NEAREST, nearest-neighbor interpolation.
1509
- - Inter.ANTIALIAS, antialias interpolation.
1510
- - Inter.BILINEAR, bilinear interpolation.
1511
- - Inter.BICUBIC, bicubic interpolation.
1502
+ - ``Inter.NEAREST`` , nearest-neighbor interpolation.
1503
+ - ``Inter.ANTIALIAS`` , antialias interpolation.
1504
+ - ``Inter.BILINEA`` , bilinear interpolation.
1505
+ - ``Inter.BICUBIC`` , bicubic interpolation.
1512
1506
 
1513
1507
  max_attempts (int, optional): The maximum number of attempts to propose a valid
1514
- crop area, beyond which it will fall back to use center crop instead. Default: 10.
1508
+ crop area, beyond which it will fall back to use center crop instead. Default: ``10``.
1515
1509
 
1516
1510
  Raises:
1517
1511
  TypeError: If `size` is not of type int or Sequence[int, int].
@@ -1545,7 +1539,7 @@ class RandomResizedCrop(py_transforms.PyTensorOperation):
1545
1539
  self.size = size
1546
1540
  self.scale = scale
1547
1541
  self.ratio = ratio
1548
- self.interpolation = DE_PY_INTER_MODE[interpolation]
1542
+ self.interpolation = DE_PY_INTER_MODE.get(interpolation)
1549
1543
  self.max_attempts = max_attempts
1550
1544
 
1551
1545
  def __call__(self, img):
@@ -1570,25 +1564,25 @@ class RandomRotation(py_transforms.PyTensorOperation):
1570
1564
  degrees (Union[float, Sequence[float, float]]): Range of rotation degree to select from.
1571
1565
  If int is provided, the rotation degree will be randomly selected from ( `-degrees` , `degrees` ).
1572
1566
  If Sequence[float, float] is provided, it should be arranged in order of (min, max).
1573
- resample (Inter, optional): Method of interpolation. It can be Inter.NEAREST,
1574
- Inter.BILINEAR or Inter.BICUBIC. If the input PIL Image is in mode of "1" or "P",
1575
- Inter.NEAREST will be used directly. Default: Inter.NEAREST.
1567
+ resample (Inter, optional): Method of interpolation. It can be ``Inter.NEAREST``,
1568
+ ``Inter.BILINEAR`` or ``Inter.BICUBIC``. If the input PIL Image is in mode of "1" or "P",
1569
+ ``Inter.NEAREST`` will be used directly. Default: ``Inter.NEAREST``.
1576
1570
 
1577
- - Inter.NEAREST, nearest-neighbor interpolation.
1571
+ - ``Inter.NEAREST`` , nearest-neighbor interpolation.
1578
1572
 
1579
- - Inter.BILINEAR, bilinear interpolation.
1573
+ - ``Inter.BILINEA`` , bilinear interpolation.
1580
1574
 
1581
- - Inter.BICUBIC, bicubic interpolation.
1575
+ - ``Inter.BICUBIC`` , bicubic interpolation.
1582
1576
 
1583
- expand (bool, optional): If True, it will expand the image to make it large enough to hold the entire
1584
- rotated image. If False, keep the image the same size as the input. Please note that the expansion
1585
- assumes rotation around the center and no translation. Default: False.
1577
+ expand (bool, optional): If ``True``, it will expand the image to make it large enough to hold the entire
1578
+ rotated image. If ``False``, keep the image the same size as the input. Please note that the expansion
1579
+ assumes rotation around the center and no translation. Default: ``False``.
1586
1580
  center (Sequence[int, int], optional): The position of the rotation center, taking the upper left corner
1587
- as the origin. It should be arranged in order of (width, height). Default: None, means to set the
1581
+ as the origin. It should be arranged in order of (width, height). Default: ``None``, means to set the
1588
1582
  center of the image.
1589
1583
  fill_value (Union[int, tuple[int, int, int]], optional): Pixel value for areas outside the rotated image.
1590
1584
  If int is provided, it will be used for all RGB channels.
1591
- If tuple[int, int, int] is provided, it will be used for R, G, B channels respectively. Default: 0.
1585
+ If tuple[int, int, int] is provided, it will be used for R, G, B channels respectively. Default: ``0``.
1592
1586
 
1593
1587
  Raises:
1594
1588
  TypeError: If `degrees` is not of type float or Sequence[float, float].
@@ -1617,7 +1611,7 @@ class RandomRotation(py_transforms.PyTensorOperation):
1617
1611
  @check_random_rotation
1618
1612
  def __init__(self, degrees, resample=Inter.NEAREST, expand=False, center=None, fill_value=0):
1619
1613
  self.degrees = degrees
1620
- self.resample = DE_PY_INTER_MODE[resample]
1614
+ self.resample = DE_PY_INTER_MODE.get(resample)
1621
1615
  self.expand = expand
1622
1616
  self.center = center
1623
1617
  self.fill_value = fill_value
@@ -1641,9 +1635,9 @@ class RandomSharpness(py_transforms.PyTensorOperation):
1641
1635
 
1642
1636
  Args:
1643
1637
  degrees (Sequence[float, float], optional): Range of sharpness adjustment degree to select from, arranged
1644
- in order of (min, max). A degree of 0.0 gives a blurred image, a degree of 1.0
1645
- gives the original image and a degree of 2.0 gives a sharpened image.
1646
- Default: (0.1, 1.9).
1638
+ in order of (min, max). A degree of ``0.0`` gives a blurred image, a degree of ``1.0``
1639
+ gives the original image and a degree of ``2.0`` gives a sharpened image.
1640
+ Default: ``(0.1, 1.9)``.
1647
1641
 
1648
1642
  Raises:
1649
1643
  TypeError : If `degrees` is not of type Sequence[float, float].
@@ -1688,7 +1682,7 @@ class RandomVerticalFlip(py_transforms.PyTensorOperation):
1688
1682
  Randomly flip the input PIL Image vertically with a given probability.
1689
1683
 
1690
1684
  Args:
1691
- prob (float, optional): Probability of performing vertically flip. Default: 0.5.
1685
+ prob (float, optional): Probability of performing vertically flip. Default: ``0.5``.
1692
1686
 
1693
1687
  Raises:
1694
1688
  TypeError: If `prob` is not of type float.
@@ -1736,13 +1730,13 @@ class Resize(py_transforms.PyTensorOperation):
1736
1730
  If int is provided, resize the smaller edge of the image to this
1737
1731
  value, keeping the image aspect ratio the same.
1738
1732
  If Sequence[int, int] is provided, its two elements will be taken as the resized height and width.
1739
- interpolation (Inter, optional): Method of interpolation. It can be Inter.NEAREST,
1740
- Inter.ANTIALIAS, Inter.BILINEAR or Inter.BICUBIC. Default: Inter.BILINEAR.
1733
+ interpolation (Inter, optional): Method of interpolation. It can be ``Inter.NEAREST``,
1734
+ ``Inter.ANTIALIAS``, ``Inter.BILINEAR`` or ``Inter.BICUBIC``. Default: ``Inter.BILINEAR``.
1741
1735
 
1742
- - Inter.NEAREST, nearest-neighbor interpolation.
1743
- - Inter.ANTIALIAS, antialias interpolation.
1744
- - Inter.BILINEAR, bilinear interpolation.
1745
- - Inter.BICUBIC, bicubic interpolation.
1736
+ - ``Inter.NEAREST`` , nearest-neighbor interpolation.
1737
+ - ``Inter.ANTIALIAS`` , antialias interpolation.
1738
+ - ``Inter.BILINEA`` , bilinear interpolation.
1739
+ - ``Inter.BICUBIC`` , bicubic interpolation.
1746
1740
 
1747
1741
  Raises:
1748
1742
  TypeError: If `size` is not of type int or Sequence[int, int].
@@ -1767,7 +1761,7 @@ class Resize(py_transforms.PyTensorOperation):
1767
1761
  @check_resize_interpolation
1768
1762
  def __init__(self, size, interpolation=Inter.BILINEAR):
1769
1763
  self.size = size
1770
- self.interpolation = DE_PY_INTER_MODE[interpolation]
1764
+ self.interpolation = DE_PY_INTER_MODE.get(interpolation)
1771
1765
  self.random = False
1772
1766
 
1773
1767
  def __call__(self, img):
@@ -1788,8 +1782,8 @@ class RgbToBgr(py_transforms.PyTensorOperation):
1788
1782
  Convert the input numpy.ndarray images from RGB to BGR.
1789
1783
 
1790
1784
  Args:
1791
- is_hwc (bool): If True, means the input image is in shape of (H, W, C) or (N, H, W, C).
1792
- Otherwise, it is in shape of (C, H, W) or (N, C, H, W). Default: False.
1785
+ is_hwc (bool): If ``True``, means the input image is in shape of (H, W, C) or (N, H, W, C).
1786
+ Otherwise, it is in shape of (C, H, W) or (N, C, H, W). Default: ``False``.
1793
1787
 
1794
1788
  Raises:
1795
1789
  TypeError: If `is_hwc` is not of type bool.
@@ -1833,8 +1827,8 @@ class RgbToHsv(py_transforms.PyTensorOperation):
1833
1827
  Convert the input numpy.ndarray images from RGB to HSV.
1834
1828
 
1835
1829
  Args:
1836
- is_hwc (bool): If True, means the input image is in shape of (H, W, C) or (N, H, W, C).
1837
- Otherwise, it is in shape of (C, H, W) or (N, C, H, W). Default: False.
1830
+ is_hwc (bool): If ``True``, means the input image is in shape of (H, W, C) or (N, H, W, C).
1831
+ Otherwise, it is in shape of (C, H, W) or (N, C, H, W). Default: ``False``.
1838
1832
 
1839
1833
  Raises:
1840
1834
  TypeError: If `is_hwc` is not of type bool.
@@ -1881,8 +1875,8 @@ class TenCrop(py_transforms.PyTensorOperation):
1881
1875
  size (Union[int, Sequence[int, int]]): The size of the cropped image.
1882
1876
  If int is provided, a square of size `(size, size)` will be cropped with this value.
1883
1877
  If Sequence[int, int] is provided, its two elements will be taken as the cropped height and width.
1884
- use_vertical_flip (bool, optional): If True, flip the images vertically. Otherwise, flip them
1885
- horizontally. Default: False.
1878
+ use_vertical_flip (bool, optional): If ``True``, flip the images vertically. Otherwise, flip them
1879
+ horizontally. Default: ``False``.
1886
1880
 
1887
1881
  Raises:
1888
1882
  TypeError: If `size` is not of type int or Sequence[int, int].
@@ -1977,7 +1971,7 @@ class ToTensor(py_transforms.PyTensorOperation):
1977
1971
  from (H, W, C) to (C, H, W).
1978
1972
 
1979
1973
  Args:
1980
- output_type (numpy.dtype, optional): The desired dtype of the output image. Default: `numpy.float32` .
1974
+ output_type (numpy.dtype, optional): The desired dtype of the output image. Default: ``numpy.float32`` .
1981
1975
 
1982
1976
  Raises:
1983
1977
  TypeError: If the input image is not of type `PIL.Image.Image` or :class:`numpy.ndarray` .
@@ -2021,7 +2015,7 @@ class ToType(py_transforms.PyTensorOperation):
2021
2015
  Convert the input numpy.ndarray image to the desired dtype.
2022
2016
 
2023
2017
  Args:
2024
- output_type (numpy.dtype): The desired dtype of the output image, e.g. `numpy.float32` .
2018
+ output_type (numpy.dtype): The desired dtype of the output image, e.g. ``numpy.float32`` .
2025
2019
 
2026
2020
  Raises:
2027
2021
  TypeError: If the input image is not of type :class:`numpy.ndarray` .
@@ -2071,7 +2065,8 @@ class UniformAugment(py_transforms.PyTensorOperation):
2071
2065
 
2072
2066
  Args:
2073
2067
  transforms (Sequence): Sequence of transformations to select from.
2074
- num_ops (int, optional): Number of transformations to be sequentially and randomly applied. Default: 2.
2068
+ num_ops (int, optional): Number of transformations to be sequentially and randomly applied.
2069
+ Default: ``2``.
2075
2070
 
2076
2071
  Raises:
2077
2072
  TypeError: If `transforms` is not a sequence of data processing operations.