mindspore 2.0.0a0__cp37-cp37m-win_amd64.whl → 2.0.0rc1__cp37-cp37m-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.cp37-win_amd64.pyd +0 -0
- mindspore/_c_expression.cp37-win_amd64.pyd +0 -0
- mindspore/_c_mindrecord.cp37-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
|
@@ -49,11 +49,11 @@ import mindspore._c_dataengine as cde
|
|
|
49
49
|
from mindspore.common import dtype as mstype
|
|
50
50
|
|
|
51
51
|
from .utils import JiebaMode, NormalizeForm, to_str, SPieceTokenizerOutType, SPieceTokenizerLoadType, SentencePieceVocab
|
|
52
|
-
from .validators import check_lookup, check_jieba_add_dict, check_to_vectors, \
|
|
52
|
+
from .validators import check_add_token, check_lookup, check_jieba_add_dict, check_to_vectors, \
|
|
53
53
|
check_jieba_add_word, check_jieba_init, check_with_offsets, check_unicode_script_tokenizer, \
|
|
54
54
|
check_wordpiece_tokenizer, check_regex_replace, check_regex_tokenizer, check_basic_tokenizer, check_ngram, \
|
|
55
55
|
check_pair_truncate, check_to_number, check_bert_tokenizer, check_python_tokenizer, check_slidingwindow, \
|
|
56
|
-
check_sentence_piece_tokenizer
|
|
56
|
+
check_sentence_piece_tokenizer, check_truncate
|
|
57
57
|
from ..core.datatypes import mstype_to_detype
|
|
58
58
|
from ..core.validator_helpers import replace_none
|
|
59
59
|
from ..transforms.py_transforms_util import Implementation
|
|
@@ -91,6 +91,49 @@ DE_C_INTER_SENTENCEPIECE_OUTTYPE = {
|
|
|
91
91
|
}
|
|
92
92
|
|
|
93
93
|
|
|
94
|
+
class AddToken(TextTensorOperation):
|
|
95
|
+
"""
|
|
96
|
+
Add token to beginning or end of sequence.
|
|
97
|
+
|
|
98
|
+
Args:
|
|
99
|
+
token (str): The token to be added.
|
|
100
|
+
begin (bool, optional): Choose the position where the token is inserted. If True,
|
|
101
|
+
the token will be inserted at the beginning of the sequence. Otherwise, it will
|
|
102
|
+
be inserted at the end of the sequence. Default: True.
|
|
103
|
+
|
|
104
|
+
Raises:
|
|
105
|
+
TypeError: If `token` is not of type string.
|
|
106
|
+
TypeError: If `begin` is not of type bool.
|
|
107
|
+
|
|
108
|
+
Supported Platforms:
|
|
109
|
+
``CPU``
|
|
110
|
+
|
|
111
|
+
Examples:
|
|
112
|
+
>>> dataset = ds.NumpySlicesDataset(data={"text": [['a', 'b', 'c', 'd', 'e']]})
|
|
113
|
+
>>> # Data before
|
|
114
|
+
>>> # | text |
|
|
115
|
+
>>> # +---------------------------+
|
|
116
|
+
>>> # | ['a', 'b', 'c', 'd', 'e'] |
|
|
117
|
+
>>> # +---------------------------+
|
|
118
|
+
>>> add_token_op = text.AddToken(token='TOKEN', begin=True)
|
|
119
|
+
>>> dataset = dataset.map(operations=add_token_op)
|
|
120
|
+
>>> # Data after
|
|
121
|
+
>>> # | text |
|
|
122
|
+
>>> # +---------------------------+
|
|
123
|
+
>>> # | ['TOKEN', 'a', 'b', 'c', 'd', 'e'] |
|
|
124
|
+
>>> # +---------------------------+
|
|
125
|
+
"""
|
|
126
|
+
|
|
127
|
+
@check_add_token
|
|
128
|
+
def __init__(self, token, begin=True):
|
|
129
|
+
super().__init__()
|
|
130
|
+
self.token = token
|
|
131
|
+
self.begin = begin
|
|
132
|
+
|
|
133
|
+
def parse(self):
|
|
134
|
+
return cde.AddTokenOperation(self.token, self.begin)
|
|
135
|
+
|
|
136
|
+
|
|
94
137
|
class JiebaTokenizer(TextTensorOperation):
|
|
95
138
|
"""
|
|
96
139
|
Tokenize Chinese string into words based on dictionary.
|
|
@@ -579,6 +622,46 @@ class ToVectors(TextTensorOperation):
|
|
|
579
622
|
return cde.ToVectorsOperation(self.vectors, self.unk_init, self.lower_case_backup)
|
|
580
623
|
|
|
581
624
|
|
|
625
|
+
class Truncate(TextTensorOperation):
|
|
626
|
+
"""
|
|
627
|
+
Truncate the input sequence so that it does not exceed the maximum length.
|
|
628
|
+
|
|
629
|
+
Args:
|
|
630
|
+
max_seq_len (int): Maximum allowable length.
|
|
631
|
+
|
|
632
|
+
Raises:
|
|
633
|
+
TypeError: If `max_length_len` is not of type int.
|
|
634
|
+
ValueError: If value of `max_length_len` is not greater than or equal to 0.
|
|
635
|
+
RuntimeError: If the input tensor is not of dtype bool, int, float, double or str.
|
|
636
|
+
|
|
637
|
+
Supported Platforms:
|
|
638
|
+
``CPU``
|
|
639
|
+
|
|
640
|
+
Examples:
|
|
641
|
+
>>> dataset = ds.NumpySlicesDataset(data=[['a', 'b', 'c', 'd', 'e']], column_names=["text"], shuffle=False)
|
|
642
|
+
>>> # Data before
|
|
643
|
+
>>> # | col1 |
|
|
644
|
+
>>> # +---------------------------+
|
|
645
|
+
>>> # | ['a', 'b', 'c', 'd', 'e'] |
|
|
646
|
+
>>> # +---------------------------+
|
|
647
|
+
>>> truncate = text.Truncate(4)
|
|
648
|
+
>>> dataset = dataset.map(operations=truncate, input_columns=["text"])
|
|
649
|
+
>>> # Data after
|
|
650
|
+
>>> # | col1 |
|
|
651
|
+
>>> # +------------------------+
|
|
652
|
+
>>> # | ['a', 'b', 'c', 'd'] |
|
|
653
|
+
>>> # +------------------------+
|
|
654
|
+
"""
|
|
655
|
+
|
|
656
|
+
@check_truncate
|
|
657
|
+
def __init__(self, max_seq_len):
|
|
658
|
+
super().__init__()
|
|
659
|
+
self.max_seq_len = max_seq_len
|
|
660
|
+
|
|
661
|
+
def parse(self):
|
|
662
|
+
return cde.TruncateOperation(self.max_seq_len)
|
|
663
|
+
|
|
664
|
+
|
|
582
665
|
class TruncateSequencePair(TextTensorOperation):
|
|
583
666
|
"""
|
|
584
667
|
Truncate a pair of rank-1 tensors such that the total length is less than max_length.
|
|
@@ -904,7 +987,7 @@ if platform.system().lower() != 'windows':
|
|
|
904
987
|
class CaseFold(TextTensorOperation):
|
|
905
988
|
"""
|
|
906
989
|
Apply case fold operation on UTF-8 string tensor, which is aggressive that can convert more characters into
|
|
907
|
-
lower case than :
|
|
990
|
+
lower case than :code:`str.lower` . For supported normalization forms, please refer to
|
|
908
991
|
`ICU_Normalizer2 <https://unicode-org.github.io/icu-docs/apidoc/released/icu4c/classicu_1_1Normalizer2.html>`_ .
|
|
909
992
|
|
|
910
993
|
Note:
|
mindspore/dataset/text/utils.py
CHANGED
|
@@ -246,9 +246,10 @@ class SentencePieceVocab:
|
|
|
246
246
|
"""
|
|
247
247
|
|
|
248
248
|
sentence_piece_vocab = cls()
|
|
249
|
-
|
|
250
|
-
|
|
251
|
-
|
|
249
|
+
# pylint: disable=protected-access
|
|
250
|
+
sentence_piece_vocab.c_sentence_piece_vocab = dataset._build_sentencepiece_vocab(col_names, vocab_size,
|
|
251
|
+
character_coverage,
|
|
252
|
+
model_type, params)
|
|
252
253
|
return sentence_piece_vocab
|
|
253
254
|
|
|
254
255
|
@classmethod
|
|
@@ -428,7 +429,8 @@ class Vocab:
|
|
|
428
429
|
"""
|
|
429
430
|
|
|
430
431
|
vocab = cls()
|
|
431
|
-
|
|
432
|
+
# pylint: disable=protected-access
|
|
433
|
+
vocab.c_vocab = dataset._build_vocab(columns, freq_range, top_k, special_tokens, special_first)
|
|
432
434
|
return vocab
|
|
433
435
|
|
|
434
436
|
@classmethod
|
|
@@ -27,6 +27,19 @@ from ..core.validator_helpers import parse_user_args, type_check, type_check_lis
|
|
|
27
27
|
INT32_MAX, check_value, check_positive, check_pos_int32, check_filename, check_non_negative_int32
|
|
28
28
|
|
|
29
29
|
|
|
30
|
+
def check_add_token(method):
|
|
31
|
+
"""Wrapper method to check the parameters of add token."""
|
|
32
|
+
|
|
33
|
+
@wraps(method)
|
|
34
|
+
def new_method(self, *args, **kwargs):
|
|
35
|
+
[token, begin], _ = parse_user_args(method, *args, **kwargs)
|
|
36
|
+
type_check(token, (str,), "token")
|
|
37
|
+
type_check(begin, (bool,), "begin")
|
|
38
|
+
return method(self, *args, **kwargs)
|
|
39
|
+
|
|
40
|
+
return new_method
|
|
41
|
+
|
|
42
|
+
|
|
30
43
|
def check_unique_list_of_words(words, arg_name):
|
|
31
44
|
"""Check that words is a list and each element is a str without any duplication"""
|
|
32
45
|
|
|
@@ -443,6 +456,18 @@ def check_ngram(method):
|
|
|
443
456
|
return new_method
|
|
444
457
|
|
|
445
458
|
|
|
459
|
+
def check_truncate(method):
|
|
460
|
+
"""Wrapper method to check the parameters of number of truncate."""
|
|
461
|
+
|
|
462
|
+
@wraps(method)
|
|
463
|
+
def new_method(self, *args, **kwargs):
|
|
464
|
+
[max_seq_len], _ = parse_user_args(method, *args, **kwargs)
|
|
465
|
+
check_pos_int32(max_seq_len, "max_seq_len")
|
|
466
|
+
return method(self, *args, **kwargs)
|
|
467
|
+
|
|
468
|
+
return new_method
|
|
469
|
+
|
|
470
|
+
|
|
446
471
|
def check_pair_truncate(method):
|
|
447
472
|
"""Wrapper method to check the parameters of number of pair truncate."""
|
|
448
473
|
|
|
@@ -31,13 +31,14 @@ Note: Legacy c_transforms and py_transforms are deprecated but can still be impo
|
|
|
31
31
|
from mindspore.dataset.transforms import py_transforms
|
|
32
32
|
|
|
33
33
|
See `Common Transforms
|
|
34
|
-
<https://www.mindspore.cn/tutorials/en/r2.0
|
|
35
|
-
for more details.
|
|
34
|
+
<https://www.mindspore.cn/tutorials/en/r2.0/beginner/transforms.html#common-transforms>`_ tutorial for more details.
|
|
36
35
|
|
|
37
36
|
Descriptions of common data processing terms are as follows:
|
|
38
37
|
|
|
39
38
|
- TensorOperation, the base class of all data processing operations implemented in C++.
|
|
40
39
|
- PyTensorOperation, the base class of all data processing operations implemented in Python.
|
|
40
|
+
|
|
41
|
+
Note: In eager mode, non-NumPy input is implicitly converted to NumPy format and sent to MindSpore.
|
|
41
42
|
"""
|
|
42
43
|
from .. import vision
|
|
43
44
|
from . import c_transforms
|
|
@@ -889,14 +889,14 @@ class TypeCast(TensorOperation):
|
|
|
889
889
|
This operation supports running on Ascend or GPU platforms by Offload.
|
|
890
890
|
|
|
891
891
|
Args:
|
|
892
|
-
data_type (Union[mindspore.dtype, numpy.dtype]): mindspore.dtype or numpy.dtype (e.g.
|
|
892
|
+
data_type (Union[mindspore.dtype, numpy.dtype]): mindspore.dtype or numpy.dtype (e.g. `numpy.float32`)
|
|
893
893
|
to be cast to.
|
|
894
894
|
|
|
895
895
|
Raises:
|
|
896
896
|
TypeError: If `data_type` is not of MindSpore data type bool, int, float, string or type :class:`numpy.dtype` .
|
|
897
897
|
|
|
898
898
|
Supported Platforms:
|
|
899
|
-
``
|
|
899
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
900
900
|
|
|
901
901
|
Examples:
|
|
902
902
|
>>> import numpy as np
|
|
@@ -14,5 +14,6 @@
|
|
|
14
14
|
# ==============================================================================
|
|
15
15
|
"""init file for MindData utils"""
|
|
16
16
|
from .browse_dataset import imshow_det_bbox
|
|
17
|
+
from .line_reader import LineReader
|
|
17
18
|
|
|
18
|
-
__all__ = ["imshow_det_bbox"]
|
|
19
|
+
__all__ = ["imshow_det_bbox", "LineReader"]
|
|
@@ -0,0 +1,121 @@
|
|
|
1
|
+
# Copyright 2023 Huawei Technologies Co., Ltd
|
|
2
|
+
#
|
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
|
+
# you may not use this file except in compliance with the License.
|
|
5
|
+
# You may obtain a copy of the License at
|
|
6
|
+
#
|
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
8
|
+
#
|
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
|
+
# See the License for the specific language governing permissions and
|
|
13
|
+
# limitations under the License.
|
|
14
|
+
# ==============================================================================
|
|
15
|
+
"""Efficient line based file reading.
|
|
16
|
+
"""
|
|
17
|
+
import os
|
|
18
|
+
|
|
19
|
+
from mindspore import log as logger
|
|
20
|
+
from ..core.validator_helpers import check_filename, check_uint64, check_value
|
|
21
|
+
|
|
22
|
+
|
|
23
|
+
class LineReader:
|
|
24
|
+
"""
|
|
25
|
+
Efficient file line reader.
|
|
26
|
+
|
|
27
|
+
This class is used to hold the line offsets of line based file.
|
|
28
|
+
|
|
29
|
+
The following functionality is provided:
|
|
30
|
+
|
|
31
|
+
- len() - return the number of lines in the file
|
|
32
|
+
|
|
33
|
+
- readline(line) - open file handle (if not opened yet), and read a line in the file
|
|
34
|
+
|
|
35
|
+
- close() - close the file handle opened in readline
|
|
36
|
+
|
|
37
|
+
Args:
|
|
38
|
+
filename (str): line based file to be loaded.
|
|
39
|
+
|
|
40
|
+
Raises:
|
|
41
|
+
TypeError: Parameter `filename` is wrong.
|
|
42
|
+
RuntimeError: The input file does not exist or is not a regular file.
|
|
43
|
+
"""
|
|
44
|
+
|
|
45
|
+
def __init__(self, filename):
|
|
46
|
+
check_filename(filename)
|
|
47
|
+
self.filename = os.path.realpath(filename)
|
|
48
|
+
|
|
49
|
+
if not os.path.exists(self.filename):
|
|
50
|
+
raise RuntimeError("The input file [{}] does not exist.".format(filename))
|
|
51
|
+
|
|
52
|
+
if not os.path.isfile(self.filename):
|
|
53
|
+
raise RuntimeError("The input file [{}] is not a regular file.".format(filename))
|
|
54
|
+
|
|
55
|
+
# get the line offsets
|
|
56
|
+
self.offsets = [0]
|
|
57
|
+
with open(self.filename, mode='rb') as fo:
|
|
58
|
+
while fo.readline():
|
|
59
|
+
self.offsets.append(fo.tell())
|
|
60
|
+
|
|
61
|
+
# pop the last empty line offset
|
|
62
|
+
self.offsets.pop()
|
|
63
|
+
if not self.offsets:
|
|
64
|
+
logger.warning("The input file [{}] is empty.".format(filename))
|
|
65
|
+
|
|
66
|
+
# will be init in readline
|
|
67
|
+
self.fo_handle = None
|
|
68
|
+
|
|
69
|
+
def __getitem__(self, line):
|
|
70
|
+
"""Read specified line content"""
|
|
71
|
+
return self.readline(line)
|
|
72
|
+
|
|
73
|
+
def __len__(self):
|
|
74
|
+
"""Get the total number of lines in the file"""
|
|
75
|
+
return self.len()
|
|
76
|
+
|
|
77
|
+
def __del__(self):
|
|
78
|
+
"""Close the file when object released"""
|
|
79
|
+
self.close()
|
|
80
|
+
|
|
81
|
+
def len(self):
|
|
82
|
+
"""Get the total number of lines in the file"""
|
|
83
|
+
return len(self.offsets)
|
|
84
|
+
|
|
85
|
+
def readline(self, line):
|
|
86
|
+
"""
|
|
87
|
+
Read specified line content.
|
|
88
|
+
|
|
89
|
+
Args:
|
|
90
|
+
line (int): the line number to be read, starting at 1.
|
|
91
|
+
|
|
92
|
+
Returns:
|
|
93
|
+
str, line content (until line break character).
|
|
94
|
+
|
|
95
|
+
Raises:
|
|
96
|
+
TypeError: Parameter `line` is the wrong type.
|
|
97
|
+
ValueError: Parameter `line` exceeds the file range.
|
|
98
|
+
"""
|
|
99
|
+
check_uint64(line, "line")
|
|
100
|
+
check_value(line, [1, len(self.offsets)], "line")
|
|
101
|
+
if self.fo_handle is None:
|
|
102
|
+
self.fo_handle = open(self.filename, mode="rt")
|
|
103
|
+
|
|
104
|
+
self.fo_handle.seek(self.offsets[line - 1])
|
|
105
|
+
content = self.fo_handle.readline()
|
|
106
|
+
|
|
107
|
+
# remove the line break character
|
|
108
|
+
if content.endswith("\r\n"):
|
|
109
|
+
content = content[:-2]
|
|
110
|
+
elif content.endswith("\n"):
|
|
111
|
+
content = content[:-1]
|
|
112
|
+
elif content.endswith("\r"):
|
|
113
|
+
content = content[:-1]
|
|
114
|
+
return content
|
|
115
|
+
|
|
116
|
+
def close(self):
|
|
117
|
+
"""Close the file"""
|
|
118
|
+
if self.fo_handle is None:
|
|
119
|
+
return
|
|
120
|
+
self.fo_handle.close()
|
|
121
|
+
self.fo_handle = None
|
|
@@ -32,8 +32,7 @@ Note: Legacy c_transforms and py_transforms are deprecated but can still be impo
|
|
|
32
32
|
import mindspore.dataset.vision.py_transforms as py_vision
|
|
33
33
|
|
|
34
34
|
See `Vision Transforms
|
|
35
|
-
<https://www.mindspore.cn/tutorials/en/r2.0
|
|
36
|
-
for more details.
|
|
35
|
+
<https://www.mindspore.cn/tutorials/en/r2.0/beginner/transforms.html#vision-transforms>`_ tutorial for more details.
|
|
37
36
|
|
|
38
37
|
Descriptions of common data processing terms are as follows:
|
|
39
38
|
|
|
@@ -44,7 +43,7 @@ Descriptions of common data processing terms are as follows:
|
|
|
44
43
|
The data transform operation can be executed in the data processing pipeline or in the eager mode:
|
|
45
44
|
|
|
46
45
|
- Pipeline mode is generally used to process datasets. For examples, please refer to
|
|
47
|
-
`introduction to data processing pipeline <https://www.mindspore.cn/docs/en/r2.0
|
|
46
|
+
`introduction to data processing pipeline <https://www.mindspore.cn/docs/en/r2.0/api_python/
|
|
48
47
|
mindspore.dataset.html#introduction-to-data-processing-pipeline>`_ .
|
|
49
48
|
- Eager mode is generally used for scattered samples. Examples of image preprocessing are as follows:
|
|
50
49
|
|
|
@@ -343,7 +343,7 @@ class CenterCrop(ImageTensorOperation):
|
|
|
343
343
|
Raises:
|
|
344
344
|
TypeError: If `size` is not of type int or sequence.
|
|
345
345
|
ValueError: If `size` is less than or equal to 0.
|
|
346
|
-
RuntimeError: If given tensor shape is not <H, W> or
|
|
346
|
+
RuntimeError: If given tensor shape is not <H, W> or <..., H, W, C>.
|
|
347
347
|
|
|
348
348
|
Supported Platforms:
|
|
349
349
|
``CPU``
|
|
@@ -716,7 +716,7 @@ class HWC2CHW(ImageTensorOperation):
|
|
|
716
716
|
RuntimeError: If given tensor shape is not <H, W> or <H, W, C>.
|
|
717
717
|
|
|
718
718
|
Supported Platforms:
|
|
719
|
-
``
|
|
719
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
720
720
|
|
|
721
721
|
Examples:
|
|
722
722
|
>>> transforms_list = [c_vision.Decode(),
|
|
@@ -822,7 +822,7 @@ class Normalize(ImageTensorOperation):
|
|
|
822
822
|
RuntimeError: If given tensor shape is not <H, W> or <...,H, W, C>.
|
|
823
823
|
|
|
824
824
|
Supported Platforms:
|
|
825
|
-
``
|
|
825
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
826
826
|
|
|
827
827
|
Examples:
|
|
828
828
|
>>> decode_op = c_vision.Decode()
|
|
@@ -1214,7 +1214,7 @@ class RandomColorAdjust(ImageTensorOperation):
|
|
|
1214
1214
|
RuntimeError: If given tensor shape is not <H, W, C>.
|
|
1215
1215
|
|
|
1216
1216
|
Supported Platforms:
|
|
1217
|
-
``
|
|
1217
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
1218
1218
|
|
|
1219
1219
|
Examples:
|
|
1220
1220
|
>>> decode_op = c_vision.Decode()
|
|
@@ -1307,7 +1307,7 @@ class RandomCrop(ImageTensorOperation):
|
|
|
1307
1307
|
ValueError: If `size` is not positive.
|
|
1308
1308
|
ValueError: If `padding` is negative.
|
|
1309
1309
|
ValueError: If `fill_value` is not in range [0, 255].
|
|
1310
|
-
RuntimeError: If given tensor shape is not <H, W> or
|
|
1310
|
+
RuntimeError: If given tensor shape is not <H, W> or <..., H, W, C>.
|
|
1311
1311
|
|
|
1312
1312
|
Supported Platforms:
|
|
1313
1313
|
``CPU``
|
|
@@ -1561,7 +1561,7 @@ class RandomHorizontalFlip(ImageTensorOperation):
|
|
|
1561
1561
|
RuntimeError: If given tensor shape is not <H, W> or <H, W, C>.
|
|
1562
1562
|
|
|
1563
1563
|
Supported Platforms:
|
|
1564
|
-
``
|
|
1564
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
1565
1565
|
|
|
1566
1566
|
Examples:
|
|
1567
1567
|
>>> transforms_list = [c_vision.Decode(), c_vision.RandomHorizontalFlip(0.75)]
|
|
@@ -2070,7 +2070,7 @@ class RandomSharpness(ImageTensorOperation):
|
|
|
2070
2070
|
ValueError: If `degrees` is in (max, min) format instead of (min, max).
|
|
2071
2071
|
|
|
2072
2072
|
Supported Platforms:
|
|
2073
|
-
``
|
|
2073
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
2074
2074
|
|
|
2075
2075
|
Examples:
|
|
2076
2076
|
>>> transforms_list = [c_vision.Decode(), c_vision.RandomSharpness(degrees=(0.2, 1.9))]
|
|
@@ -2136,7 +2136,7 @@ class RandomVerticalFlip(ImageTensorOperation):
|
|
|
2136
2136
|
RuntimeError: If given tensor shape is not <H, W> or <H, W, C>.
|
|
2137
2137
|
|
|
2138
2138
|
Supported Platforms:
|
|
2139
|
-
``
|
|
2139
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
2140
2140
|
|
|
2141
2141
|
Examples:
|
|
2142
2142
|
>>> transforms_list = [c_vision.Decode(), c_vision.RandomVerticalFlip(0.25)]
|
|
@@ -2200,7 +2200,7 @@ class Rescale(ImageTensorOperation):
|
|
|
2200
2200
|
TypeError: If `shift` is not of type float.
|
|
2201
2201
|
|
|
2202
2202
|
Supported Platforms:
|
|
2203
|
-
``
|
|
2203
|
+
``Ascend`` ``GPU`` ``CPU``
|
|
2204
2204
|
|
|
2205
2205
|
Examples:
|
|
2206
2206
|
>>> transforms_list = [c_vision.Decode(), c_vision.Rescale(1.0 / 255.0, -1.0)]
|
|
@@ -1933,10 +1933,10 @@ class ToPIL(py_transforms.PyTensorOperation):
|
|
|
1933
1933
|
Convert the input decoded numpy.ndarray image to PIL Image.
|
|
1934
1934
|
|
|
1935
1935
|
Note:
|
|
1936
|
-
The conversion mode will be determined by the data type using
|
|
1936
|
+
The conversion mode will be determined by the data type using `PIL.Image.fromarray` .
|
|
1937
1937
|
|
|
1938
1938
|
Raises:
|
|
1939
|
-
TypeError: If the input image is not of type :class:`numpy.ndarray` or
|
|
1939
|
+
TypeError: If the input image is not of type :class:`numpy.ndarray` or `PIL.Image.Image` .
|
|
1940
1940
|
|
|
1941
1941
|
Supported Platforms:
|
|
1942
1942
|
``CPU``
|
|
@@ -1977,10 +1977,10 @@ class ToTensor(py_transforms.PyTensorOperation):
|
|
|
1977
1977
|
from (H, W, C) to (C, H, W).
|
|
1978
1978
|
|
|
1979
1979
|
Args:
|
|
1980
|
-
output_type (numpy.dtype, optional): The desired dtype of the output image. Default:
|
|
1980
|
+
output_type (numpy.dtype, optional): The desired dtype of the output image. Default: `numpy.float32` .
|
|
1981
1981
|
|
|
1982
1982
|
Raises:
|
|
1983
|
-
TypeError: If the input image is not of type
|
|
1983
|
+
TypeError: If the input image is not of type `PIL.Image.Image` or :class:`numpy.ndarray` .
|
|
1984
1984
|
TypeError: If dimension of the input image is not 2 or 3.
|
|
1985
1985
|
|
|
1986
1986
|
Supported Platforms:
|
|
@@ -2021,7 +2021,7 @@ class ToType(py_transforms.PyTensorOperation):
|
|
|
2021
2021
|
Convert the input numpy.ndarray image to the desired dtype.
|
|
2022
2022
|
|
|
2023
2023
|
Args:
|
|
2024
|
-
output_type (numpy.dtype): The desired dtype of the output image, e.g.
|
|
2024
|
+
output_type (numpy.dtype): The desired dtype of the output image, e.g. `numpy.float32` .
|
|
2025
2025
|
|
|
2026
2026
|
Raises:
|
|
2027
2027
|
TypeError: If the input image is not of type :class:`numpy.ndarray` .
|
|
@@ -964,6 +964,8 @@ def pad(img, padding, fill_value, padding_mode):
|
|
|
964
964
|
image = ImageOps.expand(img, border=(left, top, right, bottom), fill=fill_value)
|
|
965
965
|
image.putpalette(palette)
|
|
966
966
|
return image
|
|
967
|
+
if isinstance(fill_value, tuple) and (img.mode == 'L' or img.mode == '1'):
|
|
968
|
+
fill_value = (fill_value[0],)
|
|
967
969
|
return ImageOps.expand(img, border=(left, top, right, bottom), fill=fill_value)
|
|
968
970
|
|
|
969
971
|
if img.mode == 'P':
|