mindspore 2.0.0a0__cp38-cp38-win_amd64.whl → 2.0.0rc1__cp38-cp38-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.
- mindspore/.commit_id +1 -1
- mindspore/__init__.py +4 -2
- mindspore/_c_dataengine.cp38-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp38-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp38-win_amd64.pyd +0 -0
- mindspore/_check_jit_forbidden_api.py +102 -0
- mindspore/_checkparam.py +1066 -1001
- mindspore/_extends/parallel_compile/akg_compiler/akg_process.py +4 -3
- mindspore/_extends/parallel_compile/akg_compiler/tbe_topi.py +50 -48
- mindspore/_extends/parallel_compile/akg_compiler/util.py +9 -4
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_adapter.py +4 -4
- mindspore/_extends/parallel_compile/tbe_compiler/tbe_helper.py +9 -4
- mindspore/_extends/parse/__init__.py +5 -3
- mindspore/_extends/parse/namespace.py +16 -1
- mindspore/_extends/parse/parser.py +107 -22
- mindspore/_extends/parse/resources.py +0 -7
- mindspore/_extends/parse/standard_method.py +885 -413
- mindspore/amp.py +52 -57
- mindspore/boost/boost.py +2 -2
- mindspore/boost/boost_cell_wrapper.py +38 -20
- mindspore/boost/dim_reduce.py +3 -3
- mindspore/boost/group_loss_scale_manager.py +1 -1
- mindspore/common/__init__.py +4 -6
- mindspore/common/_decorator.py +2 -0
- mindspore/common/_register_for_adapter.py +55 -0
- mindspore/common/_stub_tensor.py +201 -0
- mindspore/common/_utils.py +41 -7
- mindspore/common/api.py +215 -141
- mindspore/common/dtype.py +8 -1
- mindspore/common/dump.py +2 -2
- mindspore/common/initializer.py +4 -2
- mindspore/common/jit_config.py +17 -13
- mindspore/common/mutable.py +33 -13
- mindspore/common/parameter.py +23 -21
- mindspore/common/seed.py +8 -24
- mindspore/common/sparse_tensor.py +62 -41
- mindspore/common/tensor.py +852 -1154
- mindspore/communication/__init__.py +2 -2
- mindspore/communication/_comm_helper.py +11 -4
- mindspore/communication/management.py +22 -21
- mindspore/config/op_info.config +501 -1008
- mindspore/context.py +201 -23
- mindspore/dataset/__init__.py +6 -6
- mindspore/dataset/audio/__init__.py +7 -7
- mindspore/dataset/audio/transforms.py +670 -30
- mindspore/dataset/audio/utils.py +47 -4
- mindspore/dataset/audio/validators.py +223 -1
- mindspore/dataset/callback/ds_callback.py +2 -2
- mindspore/dataset/core/config.py +210 -14
- mindspore/dataset/core/validator_helpers.py +2 -2
- mindspore/{parallel/nn/layers.py → dataset/debug/__init__.py} +7 -8
- mindspore/dataset/debug/debug_hook.py +65 -0
- mindspore/dataset/debug/pre_defined_hook.py +67 -0
- mindspore/dataset/engine/__init__.py +7 -3
- mindspore/dataset/engine/cache_client.py +1 -1
- mindspore/dataset/engine/datasets.py +322 -66
- mindspore/dataset/engine/datasets_audio.py +80 -76
- mindspore/dataset/engine/datasets_standard_format.py +51 -38
- mindspore/dataset/engine/datasets_text.py +232 -118
- mindspore/dataset/engine/datasets_user_defined.py +41 -17
- mindspore/dataset/engine/datasets_vision.py +746 -225
- mindspore/dataset/engine/graphdata.py +75 -10
- mindspore/dataset/engine/iterators.py +45 -5
- mindspore/dataset/engine/offload.py +48 -28
- mindspore/dataset/engine/validators.py +117 -8
- mindspore/dataset/text/__init__.py +6 -5
- mindspore/dataset/text/transforms.py +86 -3
- mindspore/dataset/text/utils.py +6 -4
- mindspore/dataset/text/validators.py +25 -0
- mindspore/dataset/transforms/__init__.py +3 -2
- mindspore/dataset/transforms/c_transforms.py +1 -1
- mindspore/dataset/transforms/transforms.py +2 -2
- mindspore/dataset/utils/__init__.py +2 -1
- mindspore/dataset/utils/line_reader.py +121 -0
- mindspore/dataset/vision/__init__.py +2 -3
- mindspore/dataset/vision/c_transforms.py +9 -9
- mindspore/dataset/vision/py_transforms.py +5 -5
- mindspore/dataset/vision/py_transforms_util.py +2 -0
- mindspore/dataset/vision/transforms.py +160 -161
- mindspore/dataset/vision/utils.py +3 -3
- mindspore/experimental/map_parameter.py +38 -26
- mindspore/include/OWNERS +0 -1
- mindspore/include/api/callback/callback.h +9 -13
- mindspore/include/api/callback/ckpt_saver.h +2 -2
- mindspore/include/api/callback/loss_monitor.h +2 -2
- mindspore/include/api/callback/lr_scheduler.h +5 -5
- mindspore/include/api/callback/time_monitor.h +2 -2
- mindspore/include/api/callback/train_accuracy.h +4 -6
- mindspore/include/api/cfg.h +19 -6
- mindspore/include/api/context.h +44 -9
- mindspore/include/api/delegate.h +1 -1
- mindspore/include/api/metrics/accuracy.h +2 -2
- mindspore/include/api/metrics/metrics.h +4 -3
- mindspore/include/api/model.h +9 -4
- mindspore/include/api/model_parallel_runner.h +2 -2
- mindspore/include/api/net.h +12 -11
- mindspore/include/api/serialization.h +19 -3
- mindspore/include/api/types.h +3 -3
- mindspore/include/dataset/constants.h +7 -0
- mindspore/include/dataset/text.h +59 -0
- mindspore/jpeg62.dll +0 -0
- mindspore/log.py +1 -1
- mindspore/mindrecord/filereader.py +18 -0
- mindspore/mindrecord/filewriter.py +197 -34
- mindspore/mindrecord/shardreader.py +9 -0
- mindspore/mindrecord/shardwriter.py +1 -1
- mindspore/mindrecord/tools/cifar100_to_mr.py +3 -3
- mindspore/mindrecord/tools/cifar10_to_mr.py +3 -3
- mindspore/mindrecord/tools/csv_to_mr.py +3 -3
- mindspore/mindrecord/tools/imagenet_to_mr.py +16 -11
- mindspore/mindrecord/tools/mnist_to_mr.py +2 -2
- mindspore/mindrecord/tools/tfrecord_to_mr.py +6 -6
- mindspore/mindspore_backend.dll +0 -0
- mindspore/mindspore_common.dll +0 -0
- mindspore/mindspore_core.dll +0 -0
- mindspore/mindspore_glog.dll +0 -0
- mindspore/mindspore_shared_lib.dll +0 -0
- mindspore/nn/__init__.py +0 -4
- mindspore/nn/cell.py +204 -132
- mindspore/nn/dynamic_lr.py +1 -1
- mindspore/nn/grad/cell_grad.py +7 -6
- mindspore/nn/layer/__init__.py +5 -4
- mindspore/nn/layer/activation.py +40 -89
- mindspore/nn/layer/basic.py +255 -624
- mindspore/nn/layer/channel_shuffle.py +7 -6
- mindspore/nn/layer/combined.py +1 -1
- mindspore/nn/layer/container.py +41 -4
- mindspore/nn/layer/conv.py +64 -28
- mindspore/nn/layer/dense.py +9 -8
- mindspore/nn/layer/embedding.py +27 -25
- mindspore/nn/layer/image.py +53 -46
- mindspore/nn/layer/math.py +97 -105
- mindspore/nn/layer/normalization.py +117 -86
- mindspore/nn/layer/padding.py +185 -95
- mindspore/nn/layer/pooling.py +817 -414
- mindspore/nn/layer/rnn_cells.py +10 -15
- mindspore/nn/layer/rnns.py +37 -38
- mindspore/nn/layer/thor_layer.py +11 -12
- mindspore/nn/layer/timedistributed.py +5 -5
- mindspore/nn/layer/transformer.py +701 -0
- mindspore/nn/learning_rate_schedule.py +8 -8
- mindspore/nn/loss/__init__.py +5 -4
- mindspore/nn/loss/loss.py +334 -199
- mindspore/nn/optim/ada_grad.py +6 -6
- mindspore/nn/optim/adadelta.py +2 -3
- mindspore/nn/optim/adafactor.py +4 -5
- mindspore/nn/optim/adam.py +126 -62
- mindspore/nn/optim/adamax.py +3 -4
- mindspore/nn/optim/adasum.py +6 -6
- mindspore/nn/optim/asgd.py +2 -2
- mindspore/nn/optim/ftrl.py +67 -38
- mindspore/nn/optim/lamb.py +4 -5
- mindspore/nn/optim/lars.py +2 -2
- mindspore/nn/optim/lazyadam.py +43 -4
- mindspore/nn/optim/momentum.py +6 -5
- mindspore/nn/optim/optimizer.py +3 -1
- mindspore/nn/optim/proximal_ada_grad.py +2 -2
- mindspore/nn/optim/rmsprop.py +1 -1
- mindspore/nn/optim/rprop.py +8 -9
- mindspore/nn/optim/sgd.py +19 -13
- mindspore/nn/optim/thor.py +10 -15
- mindspore/nn/probability/__init__.py +0 -2
- mindspore/nn/probability/bijector/bijector.py +4 -4
- mindspore/nn/probability/bijector/invert.py +1 -1
- mindspore/nn/probability/bijector/softplus.py +2 -2
- mindspore/nn/probability/bnn_layers/dense_variational.py +1 -1
- mindspore/nn/probability/bnn_layers/layer_distribution.py +2 -2
- mindspore/nn/probability/distribution/_utils/utils.py +9 -15
- mindspore/nn/probability/distribution/bernoulli.py +3 -3
- mindspore/nn/probability/distribution/beta.py +1 -1
- mindspore/nn/probability/distribution/categorical.py +5 -7
- mindspore/nn/probability/distribution/cauchy.py +3 -3
- mindspore/nn/probability/distribution/distribution.py +2 -2
- mindspore/nn/probability/distribution/exponential.py +2 -2
- mindspore/nn/probability/distribution/gamma.py +3 -3
- mindspore/nn/probability/distribution/geometric.py +1 -1
- mindspore/nn/probability/distribution/gumbel.py +3 -3
- mindspore/nn/probability/distribution/half_normal.py +15 -11
- mindspore/nn/probability/distribution/laplace.py +16 -13
- mindspore/nn/probability/distribution/logistic.py +2 -2
- mindspore/nn/probability/distribution/normal.py +1 -1
- mindspore/nn/probability/distribution/poisson.py +1 -1
- mindspore/nn/probability/distribution/student_t.py +20 -15
- mindspore/nn/probability/distribution/transformed_distribution.py +4 -4
- mindspore/nn/probability/distribution/uniform.py +2 -2
- mindspore/nn/reinforcement/_tensors_queue.py +3 -3
- mindspore/nn/reinforcement/tensor_array.py +2 -2
- mindspore/nn/sparse/sparse.py +2 -2
- mindspore/nn/wrap/cell_wrapper.py +27 -10
- mindspore/nn/wrap/grad_reducer.py +2 -2
- mindspore/nn/wrap/loss_scale.py +40 -24
- mindspore/numpy/array_creations.py +33 -22
- mindspore/numpy/array_ops.py +35 -30
- mindspore/numpy/logic_ops.py +6 -27
- mindspore/numpy/math_ops.py +22 -19
- mindspore/numpy/utils.py +1 -1
- mindspore/numpy/utils_const.py +108 -58
- mindspore/opencv_core452.dll +0 -0
- mindspore/opencv_imgcodecs452.dll +0 -0
- mindspore/opencv_imgproc452.dll +0 -0
- mindspore/ops/_constants.py +0 -6
- mindspore/ops/_grad/__init__.py +2 -1
- mindspore/ops/_grad/grad_array_ops.py +86 -117
- mindspore/ops/_grad/grad_base.py +23 -1
- mindspore/ops/_grad/grad_clip_ops.py +2 -3
- mindspore/ops/_grad/grad_comm_ops.py +34 -24
- mindspore/ops/_grad/grad_implementations.py +9 -45
- mindspore/ops/_grad/grad_inner_ops.py +47 -4
- mindspore/ops/_grad/grad_math_ops.py +142 -117
- mindspore/ops/_grad/grad_nn_ops.py +71 -165
- mindspore/ops/_grad/grad_sequence_ops.py +296 -0
- mindspore/ops/_grad/grad_sparse.py +7 -6
- mindspore/ops/_grad_experimental/__init__.py +1 -0
- mindspore/ops/_grad_experimental/grad_array_ops.py +150 -15
- mindspore/ops/_grad_experimental/grad_image_ops.py +16 -7
- mindspore/ops/_grad_experimental/grad_inner_ops.py +1 -22
- mindspore/ops/_grad_experimental/grad_linalg_ops.py +4 -11
- mindspore/ops/_grad_experimental/grad_math_ops.py +210 -89
- mindspore/ops/_grad_experimental/grad_nn_ops.py +26 -22
- mindspore/ops/_grad_experimental/grad_scalar_ops.py +112 -0
- mindspore/ops/_grad_experimental/grad_sparse_ops.py +49 -8
- mindspore/ops/_op_impl/_custom_op/batch_matmul_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold.py +2 -2
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2.py +2 -2
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold2_grad_reduce.py +4 -4
- mindspore/ops/_op_impl/_custom_op/batchnorm_fold_grad.py +3 -3
- mindspore/ops/_op_impl/_custom_op/cholesky_trsm_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/correction_mul.py +2 -2
- mindspore/ops/_op_impl/_custom_op/correction_mul_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/dsd_back_impl.py +1 -5
- mindspore/ops/_op_impl/_custom_op/dsd_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perchannel_grad_reduce.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_learned_scale_quant_perlayer_grad_reduce.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perchannel_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fake_quant_perlayer_grad.py +2 -2
- mindspore/ops/_op_impl/_custom_op/fused_abs_max1_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/img2col_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_left_impl.py +2 -2
- mindspore/ops/_op_impl/_custom_op/matmul_cube_dense_right_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_left_cast_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_fracz_right_mul_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/matmul_cube_impl.py +2 -2
- mindspore/ops/_op_impl/_custom_op/matmul_dds_impl.py +0 -4
- mindspore/ops/_op_impl/_custom_op/matrix_combine_impl.py +1 -1
- mindspore/ops/_op_impl/_custom_op/minmax_update_perchannel.py +2 -2
- mindspore/ops/_op_impl/_custom_op/minmax_update_perlayer.py +2 -2
- mindspore/ops/_op_impl/_custom_op/transpose02314_impl.py +1 -1
- mindspore/ops/_op_impl/aicpu/__init__.py +236 -4
- mindspore/ops/_op_impl/aicpu/abs.py +36 -0
- mindspore/ops/_op_impl/aicpu/{adaptive_avg_pool_2d_v1.py → adaptive_avg_pool_2d.py} +6 -5
- mindspore/ops/_op_impl/aicpu/adaptive_avg_pool_2d_grad.py +34 -0
- mindspore/ops/_op_impl/aicpu/add.py +43 -0
- mindspore/ops/_op_impl/aicpu/addcdiv.py +0 -32
- mindspore/ops/_op_impl/aicpu/addcmul.py +0 -84
- mindspore/ops/_op_impl/aicpu/affine_grid_grad.py +35 -0
- mindspore/ops/_op_impl/aicpu/batch_matmul.py +43 -43
- mindspore/ops/_op_impl/aicpu/bernoulli.py +48 -0
- mindspore/{compression/common/__init__.py → ops/_op_impl/aicpu/bessel_i0.py} +15 -8
- mindspore/ops/_op_impl/aicpu/channel_shuffle.py +40 -0
- mindspore/ops/_op_impl/aicpu/conj.py +11 -0
- mindspore/ops/_op_impl/aicpu/cumulative_logsumexp.py +0 -3
- mindspore/ops/_op_impl/aicpu/deformable_offsets.py +38 -0
- mindspore/ops/_op_impl/aicpu/deformable_offsets_grad.py +43 -0
- mindspore/ops/_op_impl/aicpu/{adaptive_avg_pool_2d_grad_v1.py → digamma.py} +7 -9
- mindspore/ops/_op_impl/aicpu/flatten.py +1 -0
- mindspore/ops/_op_impl/aicpu/fmax.py +36 -0
- mindspore/ops/_op_impl/aicpu/fmin.py +37 -0
- mindspore/ops/_op_impl/aicpu/fractional_max_pool3d_with_fixed_ksize.py +1 -1
- mindspore/ops/_op_impl/aicpu/fse_decode.py +43 -0
- mindspore/ops/_op_impl/aicpu/greater.py +41 -0
- mindspore/ops/_op_impl/aicpu/greater_equal.py +41 -0
- mindspore/ops/_op_impl/aicpu/index_put.py +50 -0
- mindspore/ops/_op_impl/aicpu/less.py +41 -0
- mindspore/{nn/probability/infer/variational/__init__.py → ops/_op_impl/aicpu/lgamma.py} +16 -10
- mindspore/ops/_op_impl/aicpu/mirror_pad.py +0 -4
- mindspore/ops/_op_impl/aicpu/mirror_pad_grad.py +0 -4
- mindspore/ops/_op_impl/aicpu/mul.py +3 -1
- mindspore/ops/_op_impl/aicpu/multinomial.py +14 -6
- mindspore/ops/_op_impl/aicpu/nllloss.py +38 -0
- mindspore/ops/_op_impl/aicpu/nllloss_grad.py +39 -0
- mindspore/ops/_op_impl/aicpu/ones_like.py +0 -2
- mindspore/ops/_op_impl/aicpu/polar.py +32 -0
- mindspore/ops/_op_impl/aicpu/polygamma.py +34 -0
- mindspore/ops/_op_impl/aicpu/quant_dtype_cast.py +40 -0
- mindspore/ops/_op_impl/aicpu/quantile.py +35 -0
- mindspore/ops/_op_impl/aicpu/ragged_tensor_to_sparse.py +73 -0
- mindspore/ops/_op_impl/aicpu/randperm_v2.py +41 -0
- mindspore/ops/_op_impl/aicpu/resize_bicubic.py +2 -8
- mindspore/ops/_op_impl/aicpu/resize_bicubic_grad.py +1 -1
- mindspore/ops/_op_impl/aicpu/resize_v2.py +68 -0
- mindspore/ops/_op_impl/aicpu/resize_v2_grad.py +68 -0
- mindspore/ops/_op_impl/aicpu/scatter_elements.py +4 -0
- mindspore/ops/_op_impl/aicpu/scatter_nd_update.py +2 -0
- mindspore/ops/_op_impl/aicpu/sequence_add.py +34 -0
- mindspore/ops/_op_impl/aicpu/sequence_add_offset.py +34 -0
- mindspore/ops/_op_impl/aicpu/sequence_addn.py +38 -0
- mindspore/ops/_op_impl/aicpu/smooth_l1_loss.py +35 -0
- mindspore/ops/_op_impl/aicpu/smooth_l1_loss_grad.py +37 -0
- mindspore/ops/_op_impl/aicpu/sparse_apply_adagrad_da.py +0 -24
- mindspore/ops/_op_impl/aicpu/sparse_cross.py +42 -0
- mindspore/ops/_op_impl/aicpu/sparse_slice.py +4 -0
- mindspore/ops/_op_impl/aicpu/sparse_slice_grad.py +6 -0
- mindspore/ops/_op_impl/aicpu/tensor_scatter_update.py +59 -0
- mindspore/ops/_op_impl/aicpu/trans_data.py +1 -0
- mindspore/ops/_op_impl/aicpu/tril_indices.py +34 -0
- mindspore/ops/_op_impl/aicpu/uniform.py +34 -0
- mindspore/ops/_op_impl/aicpu/uniform_candidate_sampler.py +1 -0
- mindspore/ops/_op_impl/aicpu/unique_consecutive.py +10 -2
- mindspore/ops/_op_impl/cpu/dynamic_shape.py +5 -1
- mindspore/ops/_op_impl/cpu/sparse_slice.py +4 -0
- mindspore/ops/_op_impl/cpu/sparse_slice_grad.py +6 -0
- mindspore/ops/_op_impl/cpu/tensor_shape.py +5 -1
- mindspore/ops/_op_impl/tbe/__init__.py +27 -611
- mindspore/ops/_op_impl/tbe/assign_add_ds.py +1 -0
- mindspore/ops/_op_impl/tbe/atomic_addr_clean.py +1 -1
- mindspore/ops/_op_impl/tbe/avg_pool_3d_grad.py +1 -1
- mindspore/ops/_op_impl/tbe/batch_matmul_ds.py +1 -0
- mindspore/ops/_op_impl/tbe/batch_to_space.py +1 -1
- mindspore/ops/_op_impl/tbe/batch_to_space_nd.py +1 -1
- mindspore/ops/_op_impl/tbe/bn_infer_grad.py +4 -2
- mindspore/ops/_op_impl/tbe/bn_training_update.py +0 -1
- mindspore/ops/_op_impl/tbe/bn_training_update_ds.py +0 -1
- mindspore/ops/_op_impl/tbe/broadcast_to_ds.py +6 -4
- mindspore/ops/_op_impl/tbe/cast.py +0 -2
- mindspore/ops/_op_impl/tbe/cast_ds.py +3 -3
- mindspore/ops/_op_impl/tbe/data_format_dim_map_ds.py +1 -0
- mindspore/ops/_op_impl/tbe/depthwise_conv2d.py +2 -2
- mindspore/ops/_op_impl/tbe/dynamic_atomic_addr_clean.py +1 -1
- mindspore/ops/_op_impl/tbe/gather_nd.py +1 -0
- mindspore/ops/_op_impl/tbe/{index_add.py → inplace_index_add.py} +3 -6
- mindspore/ops/_op_impl/tbe/matmul_ds.py +2 -0
- mindspore/ops/_op_impl/tbe/npu_clear_float_status_v2.py +35 -0
- mindspore/ops/_op_impl/tbe/npu_get_float_status_v2.py +35 -0
- mindspore/ops/_op_impl/tbe/scatter_mul.py +2 -0
- mindspore/ops/_op_impl/tbe/scatter_nd_add.py +0 -2
- mindspore/ops/_op_impl/tbe/space_to_batch.py +1 -1
- mindspore/ops/_op_impl/tbe/space_to_batch_nd.py +1 -1
- mindspore/ops/_op_impl/tbe/trans_data_ds.py +15 -5
- mindspore/ops/_register_for_op.py +1 -0
- mindspore/ops/_utils/__init__.py +1 -2
- mindspore/ops/_utils/utils.py +19 -40
- mindspore/ops/_vmap/vmap_array_ops.py +116 -38
- mindspore/ops/_vmap/vmap_base.py +16 -9
- mindspore/ops/_vmap/vmap_convolution_ops.py +7 -10
- mindspore/ops/_vmap/vmap_grad_math_ops.py +4 -4
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +7 -5
- mindspore/ops/_vmap/vmap_image_ops.py +12 -5
- mindspore/ops/_vmap/vmap_math_ops.py +46 -5
- mindspore/ops/_vmap/vmap_nn_ops.py +15 -21
- mindspore/ops/_vmap/vmap_random_ops.py +1 -1
- mindspore/ops/bprop_mindir/AdaptiveAvgPool2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/AdaptiveMaxPool2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/AvgPool3D_bprop.mindir +150 -0
- mindspore/ops/bprop_mindir/AvgPool_bprop.mindir +66 -0
- mindspore/ops/bprop_mindir/BCEWithLogitsLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BatchNormGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BiasAddGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/BinaryCrossEntropy_bprop.mindir +33 -0
- mindspore/ops/bprop_mindir/BroadcastTo_bprop.mindir +220 -106
- mindspore/ops/bprop_mindir/CTCLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Conv2DBackpropFilter_bprop.mindir +240 -0
- mindspore/ops/bprop_mindir/Conv2DBackpropInput_bprop.mindir +247 -0
- mindspore/ops/bprop_mindir/Conv2DTranspose_bprop.mindir +247 -0
- mindspore/ops/bprop_mindir/Conv3DTranspose_bprop.mindir +315 -0
- mindspore/ops/bprop_mindir/Conv3D_bprop.mindir +278 -0
- mindspore/ops/bprop_mindir/DeformableOffsets_bprop.mindir +58 -0
- mindspore/ops/bprop_mindir/DepthwiseConv2dNative_bprop.mindir +138 -0
- mindspore/ops/bprop_mindir/Dropout2D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Dropout3D_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DropoutDoMask_bprop.mindir +22 -23
- mindspore/ops/bprop_mindir/DropoutGenMask_bprop.mindir +16 -17
- mindspore/ops/bprop_mindir/DropoutGrad_bprop.mindir +27 -0
- mindspore/ops/bprop_mindir/Dropout_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DynamicGRUV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/DynamicRNN_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Elu_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/EmbeddingLookup_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ExpandDims_bprop.mindir +39 -41
- mindspore/ops/bprop_mindir/FastGeLU_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/Flatten_bprop.mindir +41 -43
- mindspore/ops/bprop_mindir/GatherNd_bprop.mindir +51 -57
- mindspore/ops/bprop_mindir/Gather_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/HSigmoid_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/HSwish_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/InstanceNorm_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/KLDivLoss_bprop.mindir +126 -0
- mindspore/ops/bprop_mindir/L2Loss_bprop.mindir +15 -0
- mindspore/ops/bprop_mindir/L2Normalize_bprop.mindir +30 -0
- mindspore/ops/bprop_mindir/LRN_bprop.mindir +43 -0
- mindspore/ops/bprop_mindir/LayerNormGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/LogSoftmax_bprop.mindir +23 -0
- mindspore/ops/bprop_mindir/MaxPool3DGradGrad_bprop.mindir +74 -0
- mindspore/ops/bprop_mindir/MaxPool3DGrad_bprop.mindir +74 -0
- mindspore/ops/bprop_mindir/MaxPool3D_bprop.mindir +75 -0
- mindspore/ops/bprop_mindir/MaxPoolGradGrad_bprop.mindir +65 -0
- mindspore/ops/bprop_mindir/MaxPoolWithArgmax_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/MirrorPad_bprop.mindir +27 -0
- mindspore/ops/bprop_mindir/Mish_bprop.mindir +35 -0
- mindspore/ops/bprop_mindir/MulNoNan_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/NLLLoss_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/OneHot_bprop.mindir +24 -25
- mindspore/ops/bprop_mindir/PReLU_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Pad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Padding_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/RNNTLoss_bprop.mindir +29 -0
- mindspore/ops/bprop_mindir/ROIAlign_bprop.mindir +82 -0
- mindspore/ops/bprop_mindir/ReLU6_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/ReLUV2_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ReluGrad_bprop.mindir +18 -19
- mindspore/ops/bprop_mindir/Reshape_bprop.mindir +53 -53
- mindspore/ops/bprop_mindir/ResizeBilinear_bprop.mindir +29 -0
- mindspore/ops/bprop_mindir/ResizeNearestNeighbor_bprop.mindir +77 -85
- mindspore/ops/bprop_mindir/SeLU_bprop.mindir +21 -0
- mindspore/ops/bprop_mindir/SigmoidCrossEntropyWithLogits_bprop.mindir +21 -0
- mindspore/ops/bprop_mindir/SigmoidGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Sigmoid_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/SmoothL1Loss_bprop.mindir +36 -0
- mindspore/ops/bprop_mindir/SoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Softplus_bprop.mindir +16 -0
- mindspore/ops/bprop_mindir/Softsign_bprop.mindir +33 -0
- mindspore/ops/bprop_mindir/SparseSoftmaxCrossEntropyWithLogits_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Squeeze_bprop.mindir +37 -39
- mindspore/ops/bprop_mindir/StridedSlice_bprop.mindir +70 -72
- mindspore/ops/bprop_mindir/TanhGrad_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/Tanh_bprop.mindir +66 -0
- mindspore/ops/bprop_mindir/Tile_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TopK_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/TupleGetItem_bprop.mindir +17 -17
- mindspore/ops/bprop_mindir/UpsampleNearest3D_bprop.mindir +32 -0
- mindspore/ops/bprop_mindir/UpsampleTrilinear3D_bprop.mindir +38 -0
- mindspore/ops/bprop_mindir/generate_mindir.py +2 -0
- mindspore/ops/composite/__init__.py +7 -8
- mindspore/ops/composite/base.py +101 -47
- mindspore/ops/composite/math_ops.py +188 -158
- mindspore/ops/composite/multitype_ops/_compile_utils.py +415 -170
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +142 -87
- mindspore/ops/composite/multitype_ops/add_impl.py +6 -1
- mindspore/ops/composite/multitype_ops/div_impl.py +2 -3
- mindspore/ops/composite/multitype_ops/getitem_impl.py +31 -3
- mindspore/ops/composite/multitype_ops/greater_equal_impl.py +31 -0
- mindspore/ops/composite/multitype_ops/greater_impl.py +31 -0
- mindspore/ops/composite/multitype_ops/in_impl.py +9 -0
- mindspore/ops/composite/multitype_ops/less_equal_impl.py +31 -0
- mindspore/ops/composite/multitype_ops/less_impl.py +31 -0
- mindspore/ops/composite/multitype_ops/mul_impl.py +21 -5
- mindspore/ops/composite/multitype_ops/not_in_impl.py +9 -0
- mindspore/ops/composite/multitype_ops/ones_like_impl.py +2 -4
- mindspore/ops/composite/multitype_ops/setitem_impl.py +21 -3
- mindspore/ops/composite/multitype_ops/sub_impl.py +1 -1
- mindspore/ops/composite/multitype_ops/zeros_like_impl.py +35 -4
- mindspore/ops/function/__init__.py +152 -8
- mindspore/ops/function/array_func.py +2555 -674
- mindspore/ops/function/clip_func.py +209 -13
- mindspore/ops/function/debug_func.py +2 -2
- mindspore/ops/function/grad/__init__.py +2 -1
- mindspore/ops/function/grad/grad_func.py +147 -62
- mindspore/ops/function/image_func.py +54 -38
- mindspore/ops/function/linalg_func.py +167 -16
- mindspore/ops/function/math_func.py +4849 -1492
- mindspore/ops/function/nn_func.py +2573 -988
- mindspore/ops/function/other_func.py +115 -0
- mindspore/ops/function/parameter_func.py +3 -3
- mindspore/ops/function/random_func.py +790 -73
- mindspore/ops/function/sparse_func.py +98 -78
- mindspore/ops/function/sparse_unary_func.py +54 -53
- mindspore/ops/function/spectral_func.py +27 -24
- mindspore/ops/function/vmap_func.py +22 -2
- mindspore/ops/functional.py +97 -37
- mindspore/ops/op_info_register.py +70 -28
- mindspore/ops/operations/__init__.py +47 -14
- mindspore/ops/operations/_csr_ops.py +7 -7
- mindspore/ops/operations/_embedding_cache_ops.py +5 -5
- mindspore/ops/operations/_grad_ops.py +276 -187
- mindspore/ops/operations/_inner_ops.py +319 -113
- mindspore/ops/operations/_ms_kernel.py +10 -8
- mindspore/ops/operations/_ocr_ops.py +9 -9
- mindspore/ops/operations/_opaque_predicate_registry.py +4 -0
- mindspore/ops/operations/_quant_ops.py +137 -102
- mindspore/ops/operations/_rl_inner_ops.py +121 -60
- mindspore/ops/operations/_scalar_ops.py +466 -0
- mindspore/ops/operations/_sequence_ops.py +1004 -2
- mindspore/ops/operations/_tensor_array.py +10 -11
- mindspore/ops/operations/_thor_ops.py +1 -1
- mindspore/ops/operations/array_ops.py +801 -466
- mindspore/ops/operations/comm_ops.py +51 -49
- mindspore/ops/operations/control_ops.py +2 -2
- mindspore/ops/operations/custom_ops.py +123 -44
- mindspore/ops/operations/debug_ops.py +24 -24
- mindspore/ops/operations/image_ops.py +240 -153
- mindspore/ops/operations/inner_ops.py +34 -50
- mindspore/ops/operations/linalg_ops.py +31 -9
- mindspore/ops/operations/math_ops.py +988 -757
- mindspore/ops/operations/nn_ops.py +965 -819
- mindspore/ops/operations/other_ops.py +51 -40
- mindspore/ops/operations/random_ops.py +204 -122
- mindspore/ops/operations/rl_ops.py +8 -9
- mindspore/ops/operations/sparse_ops.py +254 -93
- mindspore/ops/operations/spectral_ops.py +35 -3
- mindspore/ops/primitive.py +111 -9
- mindspore/parallel/_auto_parallel_context.py +189 -83
- mindspore/parallel/_offload_context.py +185 -0
- mindspore/parallel/_parallel_serialization.py +99 -7
- mindspore/parallel/_ps_context.py +9 -5
- mindspore/parallel/_recovery_context.py +1 -1
- mindspore/parallel/_tensor.py +7 -1
- mindspore/{nn/transformer → parallel/_transformer}/__init__.py +6 -6
- mindspore/{nn/transformer → parallel/_transformer}/layers.py +6 -37
- mindspore/{nn/transformer → parallel/_transformer}/loss.py +4 -7
- mindspore/{nn/transformer → parallel/_transformer}/moe.py +20 -16
- mindspore/{nn/transformer → parallel/_transformer}/op_parallel_config.py +3 -3
- mindspore/{nn/transformer → parallel/_transformer}/transformer.py +48 -111
- mindspore/parallel/_utils.py +1 -2
- mindspore/parallel/algo_parameter_config.py +1 -1
- mindspore/parallel/checkpoint_transform.py +37 -34
- mindspore/parallel/shard.py +17 -18
- mindspore/profiler/common/validator/validate_path.py +2 -2
- mindspore/profiler/envprofiling.py +69 -47
- mindspore/profiler/parser/ascend_timeline_generator.py +49 -42
- mindspore/profiler/parser/base_timeline_generator.py +49 -56
- mindspore/profiler/parser/cpu_gpu_timeline_generator.py +98 -78
- mindspore/profiler/parser/hwts_log_parser.py +1 -1
- mindspore/profiler/parser/integrator.py +15 -14
- mindspore/profiler/parser/minddata_analyzer.py +2 -2
- mindspore/profiler/parser/msadvisor_analyzer.py +12 -25
- mindspore/profiler/parser/msadvisor_parser.py +2 -4
- mindspore/profiler/parser/optime_parser.py +17 -18
- mindspore/profiler/parser/profiler_info.py +2 -1
- mindspore/profiler/profiling.py +218 -186
- mindspore/rewrite/__init__.py +3 -1
- mindspore/rewrite/api/node.py +1 -114
- mindspore/rewrite/api/node_type.py +3 -0
- mindspore/rewrite/api/pattern_engine.py +31 -1
- mindspore/rewrite/api/scoped_value.py +4 -4
- mindspore/rewrite/api/symbol_tree.py +3 -78
- mindspore/rewrite/api/tree_node_helper.py +1 -1
- mindspore/rewrite/ast_creator_register.py +1 -0
- mindspore/rewrite/ast_helpers/__init__.py +2 -2
- mindspore/rewrite/ast_helpers/ast_creator.py +1 -2
- mindspore/rewrite/ast_helpers/ast_finder.py +65 -0
- mindspore/rewrite/ast_helpers/ast_modifier.py +11 -3
- mindspore/rewrite/ast_transformers/flatten_recursive_stmt.py +18 -2
- mindspore/rewrite/namespace.py +0 -2
- mindspore/rewrite/node.py +157 -11
- mindspore/rewrite/parsers/assign_parser.py +231 -53
- mindspore/rewrite/parsers/class_def_parser.py +187 -109
- mindspore/rewrite/parsers/for_parser.py +24 -14
- mindspore/rewrite/parsers/function_def_parser.py +21 -4
- mindspore/rewrite/parsers/if_parser.py +6 -2
- mindspore/rewrite/sparsify/__init__.py +0 -0
- mindspore/rewrite/sparsify/sparse_transformer.py +448 -0
- mindspore/rewrite/sparsify/sparsify.py +109 -0
- mindspore/rewrite/sparsify/utils.py +173 -0
- mindspore/rewrite/symbol_tree.py +256 -133
- mindspore/rewrite/symbol_tree_builder.py +38 -1
- mindspore/run_check/_check_version.py +69 -63
- mindspore/run_check/run_check.py +2 -1
- mindspore/tinyxml2.dll +0 -0
- mindspore/train/__init__.py +1 -1
- mindspore/train/_utils.py +28 -5
- mindspore/train/amp.py +273 -102
- mindspore/train/callback/_backup_and_restore.py +5 -5
- mindspore/train/callback/_callback.py +2 -2
- mindspore/train/callback/_checkpoint.py +3 -3
- mindspore/train/callback/_early_stop.py +3 -3
- mindspore/train/callback/_lambda_callback.py +2 -2
- mindspore/train/callback/_landscape.py +29 -31
- mindspore/train/callback/_loss_monitor.py +3 -3
- mindspore/train/callback/_on_request_exit.py +3 -3
- mindspore/train/callback/_reduce_lr_on_plateau.py +4 -4
- mindspore/train/callback/_summary_collector.py +23 -16
- mindspore/train/callback/_time_monitor.py +3 -3
- mindspore/train/checkpoint_pb2.py +68 -8
- mindspore/train/data_sink.py +15 -3
- mindspore/train/dataset_helper.py +10 -15
- mindspore/train/loss_scale_manager.py +8 -11
- mindspore/train/metrics/__init__.py +1 -1
- mindspore/train/metrics/bleu_score.py +1 -1
- mindspore/train/metrics/confusion_matrix.py +1 -1
- mindspore/train/metrics/cosine_similarity.py +1 -1
- mindspore/train/metrics/dice.py +2 -2
- mindspore/train/metrics/fbeta.py +1 -1
- mindspore/train/metrics/hausdorff_distance.py +4 -3
- mindspore/train/metrics/mean_surface_distance.py +2 -2
- mindspore/train/metrics/occlusion_sensitivity.py +1 -1
- mindspore/train/metrics/perplexity.py +1 -1
- mindspore/train/metrics/precision.py +1 -1
- mindspore/train/metrics/recall.py +1 -1
- mindspore/train/metrics/roc.py +2 -2
- mindspore/train/metrics/root_mean_square_surface_distance.py +2 -2
- mindspore/train/mind_ir_pb2.py +116 -37
- mindspore/train/model.py +45 -28
- mindspore/train/serialization.py +295 -188
- mindspore/train/summary/_summary_adapter.py +1 -1
- mindspore/train/summary/summary_record.py +43 -13
- mindspore/train/train_thor/convert_utils.py +2 -2
- mindspore/train/train_thor/dataset_helper.py +3 -3
- mindspore/turbojpeg.dll +0 -0
- mindspore/version.py +1 -1
- {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/METADATA +3 -2
- {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/RECORD +610 -541
- mindspore/compression/__init__.py +0 -19
- mindspore/compression/common/constant.py +0 -124
- mindspore/compression/export/__init__.py +0 -19
- mindspore/compression/export/quant_export.py +0 -515
- mindspore/compression/quant/__init__.py +0 -28
- mindspore/compression/quant/qat.py +0 -634
- mindspore/compression/quant/quant_utils.py +0 -462
- mindspore/compression/quant/quantizer.py +0 -68
- mindspore/nn/layer/quant.py +0 -1868
- mindspore/nn/layer/rnn_utils.py +0 -90
- mindspore/nn/probability/dpn/__init__.py +0 -22
- mindspore/nn/probability/dpn/vae/__init__.py +0 -25
- mindspore/nn/probability/dpn/vae/cvae.py +0 -140
- mindspore/nn/probability/dpn/vae/vae.py +0 -124
- mindspore/nn/probability/infer/__init__.py +0 -22
- mindspore/nn/probability/infer/variational/elbo.py +0 -70
- mindspore/nn/probability/infer/variational/svi.py +0 -84
- mindspore/nn/probability/toolbox/__init__.py +0 -22
- mindspore/nn/probability/toolbox/anomaly_detection.py +0 -99
- mindspore/nn/probability/toolbox/uncertainty_evaluation.py +0 -364
- mindspore/nn/probability/transforms/__init__.py +0 -22
- mindspore/nn/probability/transforms/transform_bnn.py +0 -262
- mindspore/nn/probability/zhusuan/__init__.py +0 -18
- mindspore/nn/probability/zhusuan/framework/__init__.py +0 -18
- mindspore/nn/probability/zhusuan/framework/bn.py +0 -95
- mindspore/nn/probability/zhusuan/variational/__init__.py +0 -18
- mindspore/nn/probability/zhusuan/variational/elbo.py +0 -46
- mindspore/ops/_op_impl/aicpu/parallel_concat.py +0 -42
- mindspore/ops/_op_impl/tbe/gather_v2.py +0 -56
- mindspore/ops/bprop_mindir/AssignAdd_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/Cast_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/LogicalOr_bprop.mindir +0 -19
- mindspore/ops/bprop_mindir/MatMul_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/ReLU_bprop.mindir +0 -17
- mindspore/ops/bprop_mindir/Transpose_bprop.mindir +0 -0
- mindspore/ops/bprop_mindir/UpdateState_bprop.mindir +0 -15
- mindspore/ops/composite/array_ops.py +0 -241
- mindspore/ops/composite/clip_ops.py +0 -134
- mindspore/ops/composite/random_ops.py +0 -426
- mindspore/ops/composite/vmap_ops.py +0 -38
- mindspore/parallel/nn/__init__.py +0 -42
- mindspore/parallel/nn/loss.py +0 -22
- mindspore/parallel/nn/moe.py +0 -21
- mindspore/parallel/nn/op_parallel_config.py +0 -22
- mindspore/parallel/nn/transformer.py +0 -31
- {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/WHEEL +0 -0
- {mindspore-2.0.0a0.dist-info → mindspore-2.0.0rc1.dist-info}/entry_points.txt +0 -0
- {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
|
-
|
|
102
|
-
|
|
101
|
+
"""
|
|
102
|
+
Adjust the brightness of the input image.
|
|
103
103
|
|
|
104
104
|
Args:
|
|
105
|
-
brightness_factor (float): How much to adjust the brightness
|
|
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
|
|
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
|
-
|
|
146
|
-
Adjust contrast of input image.
|
|
145
|
+
"""
|
|
146
|
+
Adjust the contrast of the input image.
|
|
147
147
|
|
|
148
148
|
Args:
|
|
149
|
-
contrast_factor (float): How much to adjust the contrast
|
|
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
|
|
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
|
|
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
|
-
|
|
246
|
-
Adjust hue of input image.
|
|
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
|
|
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
|
|
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
|
-
|
|
289
|
-
Adjust saturation of input image.
|
|
288
|
+
"""
|
|
289
|
+
Adjust the saturation of the input image.
|
|
290
290
|
|
|
291
291
|
Args:
|
|
292
|
-
saturation_factor (float): How much to adjust the saturation
|
|
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
|
|
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
|
-
|
|
332
|
-
Adjust sharpness of input image.
|
|
332
|
+
"""
|
|
333
|
+
Adjust the sharpness of the input image.
|
|
333
334
|
|
|
334
335
|
Args:
|
|
335
|
-
sharpness_factor (float): How much to adjust the sharpness,
|
|
336
|
-
non negative
|
|
337
|
-
original image while 2 increases the
|
|
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
|
|
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
|
|
373
|
-
|
|
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
|
-
|
|
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
|
|
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
|
|
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
|
|
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
|
|
977
|
-
If
|
|
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
|
-
|
|
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
|
|
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
|
|
1186
|
-
Otherwise, it is in shape of
|
|
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
|
|
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
|
|
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
|
|
1358
|
-
same value of lambda
|
|
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]]):
|
|
1707
|
-
|
|
1708
|
-
|
|
1709
|
-
|
|
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,
|
|
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
|
|
1718
|
-
- Inter.PILCUBIC,
|
|
1719
|
-
|
|
1720
|
-
- Inter.AREA, pixel area interpolation.
|
|
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]]
|
|
1724
|
-
TypeError: If
|
|
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
|
|
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
|
|
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
|
-
|
|
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
|
|
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
|
|
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
|
-
|
|
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
|
-
|
|
1806
|
+
Only support 3-channel RGB image.
|
|
1817
1807
|
|
|
1818
|
-
|
|
1819
|
-
|
|
1820
|
-
|
|
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.
|
|
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
|
|
1825
|
-
image
|
|
1826
|
-
If
|
|
1827
|
-
|
|
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
|
|
1835
|
-
|
|
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
|
|
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
|
|
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
|
-
``
|
|
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
|
|
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
|
|
3578
|
-
left (int): Vertical ordinate of the upper left corner of the crop
|
|
3579
|
-
height (int): Height of
|
|
3580
|
-
width (int): Width of
|
|
3581
|
-
size (Union[int, Sequence[int]]): The
|
|
3582
|
-
If
|
|
3583
|
-
|
|
3584
|
-
|
|
3585
|
-
|
|
3586
|
-
|
|
3587
|
-
|
|
3588
|
-
|
|
3589
|
-
- Inter.NEAREST,
|
|
3590
|
-
|
|
3591
|
-
- Inter.
|
|
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
|
-
|
|
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
|
|
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
|
|
3692
|
-
Otherwise, it is in shape of
|
|
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 (
|
|
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
|
|
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
|
|
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
|
|
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:
|
|
4034
|
+
Default: `numpy.float32` .
|
|
4036
4035
|
|
|
4037
4036
|
Raises:
|
|
4038
|
-
TypeError: If the input image is not of type
|
|
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
|
|
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
|
-
``
|
|
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
|
|
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
|
-
|
|
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
|
|
4114
|
-
It can be
|
|
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.
|
|
4119
|
-
|
|
4120
|
-
- Inter.BICUBIC
|
|
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
|
-
|
|
4126
|
-
|
|
4127
|
-
If
|
|
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`
|
|
4134
|
-
TypeError: If `fill_value` is not
|
|
4135
|
-
|
|
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``
|