mindspore 2.3.0rc1__cp37-cp37m-manylinux1_x86_64.whl → 2.3.0rc2__cp37-cp37m-manylinux1_x86_64.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.
- mindspore/.commit_id +1 -1
- mindspore/__init__.py +1 -1
- mindspore/_akg/akg/utils/tbe_codegen_utils.py +13 -3
- mindspore/_c_dataengine.cpython-37m-x86_64-linux-gnu.so +0 -0
- mindspore/_c_expression.cpython-37m-x86_64-linux-gnu.so +0 -0
- mindspore/_checkparam.py +20 -0
- mindspore/_extends/parse/parser.py +1 -1
- mindspore/_extends/parse/standard_method.py +6 -5
- mindspore/_mindspore_offline_debug.cpython-37m-x86_64-linux-gnu.so +0 -0
- mindspore/amp.py +5 -5
- mindspore/bin/cache_admin +0 -0
- mindspore/bin/cache_server +0 -0
- mindspore/boost/boost_cell_wrapper.py +1 -1
- mindspore/boost/group_loss_scale_manager.py +1 -1
- mindspore/common/__init__.py +4 -2
- mindspore/common/_register_for_recompute.py +48 -0
- mindspore/common/_stub_tensor.py +1 -0
- mindspore/common/api.py +56 -4
- mindspore/common/dtype.py +5 -3
- mindspore/common/dump.py +2 -2
- mindspore/common/hook_handle.py +51 -4
- mindspore/common/initializer.py +1 -1
- mindspore/common/jit_config.py +17 -6
- mindspore/common/parameter.py +7 -2
- mindspore/common/recompute.py +247 -0
- mindspore/common/sparse_tensor.py +2 -2
- mindspore/common/symbol.py +1 -1
- mindspore/common/tensor.py +74 -36
- mindspore/communication/__init__.py +3 -3
- mindspore/communication/management.py +30 -30
- mindspore/context.py +28 -15
- mindspore/dataset/__init__.py +5 -5
- mindspore/dataset/audio/__init__.py +2 -2
- mindspore/dataset/audio/transforms.py +51 -51
- mindspore/dataset/callback/ds_callback.py +2 -2
- mindspore/dataset/engine/cache_client.py +1 -1
- mindspore/dataset/engine/datasets.py +3 -3
- mindspore/dataset/engine/datasets_audio.py +14 -14
- mindspore/dataset/engine/datasets_standard_format.py +3 -3
- mindspore/dataset/engine/datasets_text.py +38 -38
- mindspore/dataset/engine/datasets_user_defined.py +3 -3
- mindspore/dataset/engine/datasets_vision.py +68 -68
- mindspore/dataset/text/__init__.py +3 -3
- mindspore/dataset/text/transforms.py +26 -26
- mindspore/dataset/transforms/__init__.py +1 -1
- mindspore/dataset/vision/__init__.py +3 -3
- mindspore/dataset/vision/transforms.py +92 -92
- mindspore/dataset/vision/utils.py +1 -1
- mindspore/experimental/optim/adadelta.py +2 -2
- mindspore/experimental/optim/adagrad.py +2 -2
- mindspore/experimental/optim/adam.py +2 -2
- mindspore/experimental/optim/adamax.py +2 -2
- mindspore/experimental/optim/adamw.py +2 -2
- mindspore/experimental/optim/asgd.py +2 -2
- mindspore/experimental/optim/lr_scheduler.py +24 -20
- mindspore/experimental/optim/nadam.py +2 -2
- mindspore/experimental/optim/optimizer.py +1 -1
- mindspore/experimental/optim/radam.py +2 -2
- mindspore/experimental/optim/rmsprop.py +2 -2
- mindspore/experimental/optim/rprop.py +2 -2
- mindspore/experimental/optim/sgd.py +2 -2
- mindspore/hal/stream.py +2 -0
- mindspore/include/mindapi/base/types.h +5 -0
- mindspore/lib/libdnnl.so.2 +0 -0
- mindspore/lib/libmindspore.so +0 -0
- mindspore/lib/libmindspore_backend.so +0 -0
- mindspore/lib/libmindspore_common.so +0 -0
- mindspore/lib/libmindspore_core.so +0 -0
- mindspore/lib/libmindspore_glog.so.0 +0 -0
- mindspore/lib/libmindspore_gpr.so.15 +0 -0
- mindspore/lib/libmindspore_grpc++.so.1 +0 -0
- mindspore/lib/libmindspore_grpc.so.15 +0 -0
- mindspore/lib/libmindspore_shared_lib.so +0 -0
- mindspore/lib/libopencv_core.so.4.5 +0 -0
- mindspore/lib/libopencv_imgcodecs.so.4.5 +0 -0
- mindspore/lib/libopencv_imgproc.so.4.5 +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/aicpu_kernel/impl/libcust_cpu_kernels.so +0 -0
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_impl/cpu/config/cust_aicpu_kernel.json +6 -6
- mindspore/lib/plugin/ascend/custom_aicpu_ops/op_proto/libcust_op_proto.so +0 -0
- mindspore/lib/plugin/ascend/libdvpp_utils.so +0 -0
- mindspore/lib/plugin/ascend/libmindspore_cpu_kernels.so +0 -0
- mindspore/lib/plugin/gpu/libcuda_ops.so.10 +0 -0
- mindspore/lib/plugin/gpu/libcuda_ops.so.11 +0 -0
- mindspore/lib/plugin/gpu10.1/libnccl.so.2 +0 -0
- mindspore/lib/plugin/gpu11.1/libnccl.so.2 +0 -0
- mindspore/lib/plugin/gpu11.6/libnccl.so.2 +0 -0
- mindspore/lib/plugin/libmindspore_ascend.so.2 +0 -0
- mindspore/lib/plugin/libmindspore_gpu.so.10.1 +0 -0
- mindspore/lib/plugin/libmindspore_gpu.so.11.1 +0 -0
- mindspore/lib/plugin/libmindspore_gpu.so.11.6 +0 -0
- mindspore/log.py +2 -2
- mindspore/mint/__init__.py +457 -0
- mindspore/mint/nn/__init__.py +430 -0
- mindspore/mint/nn/functional.py +424 -0
- mindspore/mint/optim/__init__.py +24 -0
- mindspore/mint/optim/adamw.py +186 -0
- mindspore/multiprocessing/__init__.py +4 -0
- mindspore/nn/__init__.py +3 -0
- mindspore/nn/cell.py +51 -47
- mindspore/nn/extend/__init__.py +29 -0
- mindspore/nn/extend/basic.py +140 -0
- mindspore/nn/extend/embedding.py +143 -0
- mindspore/nn/extend/layer/__init__.py +27 -0
- mindspore/nn/extend/layer/normalization.py +107 -0
- mindspore/nn/extend/pooling.py +117 -0
- mindspore/nn/generator.py +297 -0
- mindspore/nn/layer/basic.py +109 -1
- mindspore/nn/layer/container.py +2 -2
- mindspore/nn/layer/conv.py +6 -6
- mindspore/nn/layer/embedding.py +1 -1
- mindspore/nn/layer/normalization.py +21 -43
- mindspore/nn/layer/padding.py +4 -0
- mindspore/nn/optim/ada_grad.py +2 -2
- mindspore/nn/optim/adadelta.py +1 -1
- mindspore/nn/optim/adafactor.py +1 -1
- mindspore/nn/optim/adam.py +7 -7
- mindspore/nn/optim/adamax.py +2 -2
- mindspore/nn/optim/adasum.py +2 -2
- mindspore/nn/optim/asgd.py +2 -2
- mindspore/nn/optim/ftrl.py +1 -1
- mindspore/nn/optim/lamb.py +3 -3
- mindspore/nn/optim/lars.py +1 -1
- mindspore/nn/optim/lazyadam.py +2 -2
- mindspore/nn/optim/momentum.py +2 -2
- mindspore/nn/optim/optimizer.py +2 -2
- mindspore/nn/optim/proximal_ada_grad.py +2 -2
- mindspore/nn/optim/rmsprop.py +2 -2
- mindspore/nn/optim/rprop.py +2 -2
- mindspore/nn/optim/sgd.py +2 -2
- mindspore/nn/optim/thor.py +2 -2
- mindspore/nn/wrap/cell_wrapper.py +9 -9
- mindspore/nn/wrap/grad_reducer.py +5 -5
- mindspore/ops/_grad_experimental/grad_comm_ops.py +4 -2
- mindspore/ops/_vmap/vmap_grad_nn_ops.py +41 -2
- mindspore/ops/_vmap/vmap_math_ops.py +27 -8
- mindspore/ops/_vmap/vmap_nn_ops.py +66 -8
- mindspore/ops/auto_generate/cpp_create_prim_instance_helper.py +73 -1
- mindspore/ops/auto_generate/gen_arg_dtype_cast.py +12 -3
- mindspore/ops/auto_generate/gen_arg_handler.py +24 -0
- mindspore/ops/auto_generate/gen_extend_func.py +274 -0
- mindspore/ops/auto_generate/gen_ops_def.py +889 -22
- mindspore/ops/auto_generate/gen_ops_prim.py +3541 -253
- mindspore/ops/auto_generate/pyboost_inner_prim.py +282 -0
- mindspore/ops/composite/multitype_ops/_compile_utils.py +2 -1
- mindspore/ops/composite/multitype_ops/_constexpr_utils.py +9 -0
- mindspore/ops/extend/__init__.py +9 -1
- mindspore/ops/extend/array_func.py +134 -27
- mindspore/ops/extend/math_func.py +3 -3
- mindspore/ops/extend/nn_func.py +363 -2
- mindspore/ops/function/__init__.py +19 -2
- mindspore/ops/function/array_func.py +463 -439
- mindspore/ops/function/clip_func.py +7 -18
- mindspore/ops/function/grad/grad_func.py +5 -5
- mindspore/ops/function/linalg_func.py +4 -4
- mindspore/ops/function/math_func.py +260 -243
- mindspore/ops/function/nn_func.py +825 -62
- mindspore/ops/function/random_func.py +73 -4
- mindspore/ops/function/sparse_unary_func.py +1 -1
- mindspore/ops/function/vmap_func.py +1 -1
- mindspore/ops/functional.py +2 -2
- mindspore/ops/op_info_register.py +1 -31
- mindspore/ops/operations/__init__.py +2 -3
- mindspore/ops/operations/_grad_ops.py +2 -107
- mindspore/ops/operations/_inner_ops.py +5 -5
- mindspore/ops/operations/_sequence_ops.py +2 -2
- mindspore/ops/operations/array_ops.py +11 -233
- mindspore/ops/operations/comm_ops.py +32 -32
- mindspore/ops/operations/custom_ops.py +7 -89
- mindspore/ops/operations/manually_defined/ops_def.py +329 -4
- mindspore/ops/operations/math_ops.py +13 -163
- mindspore/ops/operations/nn_ops.py +9 -316
- mindspore/ops/operations/random_ops.py +1 -1
- mindspore/ops/operations/sparse_ops.py +3 -3
- mindspore/ops/primitive.py +2 -2
- mindspore/ops_generate/arg_dtype_cast.py +12 -3
- mindspore/ops_generate/arg_handler.py +24 -0
- mindspore/ops_generate/gen_ops_inner_prim.py +2 -0
- mindspore/ops_generate/gen_pyboost_func.py +13 -6
- mindspore/ops_generate/pyboost_utils.py +2 -17
- mindspore/parallel/__init__.py +3 -2
- mindspore/parallel/_auto_parallel_context.py +106 -1
- mindspore/parallel/_parallel_serialization.py +34 -2
- mindspore/parallel/_utils.py +16 -0
- mindspore/parallel/algo_parameter_config.py +4 -4
- mindspore/parallel/checkpoint_transform.py +249 -77
- mindspore/parallel/cluster/process_entity/_api.py +1 -1
- mindspore/parallel/parameter_broadcast.py +1 -1
- mindspore/parallel/shard.py +1 -1
- mindspore/profiler/parser/ascend_analysis/fwk_cann_parser.py +1 -0
- mindspore/profiler/parser/ascend_analysis/profiler_info_parser.py +17 -5
- mindspore/profiler/parser/ascend_msprof_exporter.py +3 -3
- mindspore/profiler/parser/ascend_msprof_generator.py +10 -3
- mindspore/profiler/parser/ascend_op_generator.py +26 -9
- mindspore/profiler/parser/ascend_timeline_generator.py +7 -4
- mindspore/profiler/parser/profiler_info.py +11 -1
- mindspore/profiler/profiling.py +13 -5
- mindspore/rewrite/api/node.py +12 -12
- mindspore/rewrite/api/symbol_tree.py +11 -11
- mindspore/run_check/_check_version.py +1 -1
- mindspore/safeguard/rewrite_obfuscation.py +2 -2
- mindspore/train/amp.py +4 -4
- mindspore/train/anf_ir_pb2.py +8 -2
- mindspore/train/callback/_backup_and_restore.py +2 -2
- mindspore/train/callback/_callback.py +4 -4
- mindspore/train/callback/_checkpoint.py +2 -2
- mindspore/train/callback/_early_stop.py +2 -2
- mindspore/train/callback/_landscape.py +4 -4
- mindspore/train/callback/_loss_monitor.py +2 -2
- mindspore/train/callback/_on_request_exit.py +2 -2
- mindspore/train/callback/_reduce_lr_on_plateau.py +2 -2
- mindspore/train/callback/_summary_collector.py +2 -2
- mindspore/train/callback/_time_monitor.py +2 -2
- mindspore/train/dataset_helper.py +8 -3
- mindspore/train/loss_scale_manager.py +2 -2
- mindspore/train/metrics/metric.py +3 -3
- mindspore/train/mind_ir_pb2.py +22 -17
- mindspore/train/model.py +15 -15
- mindspore/train/serialization.py +18 -18
- mindspore/train/summary/summary_record.py +7 -7
- mindspore/train/train_thor/convert_utils.py +3 -3
- mindspore/version.py +1 -1
- {mindspore-2.3.0rc1.dist-info → mindspore-2.3.0rc2.dist-info}/METADATA +1 -1
- {mindspore-2.3.0rc1.dist-info → mindspore-2.3.0rc2.dist-info}/RECORD +226 -212
- {mindspore-2.3.0rc1.dist-info → mindspore-2.3.0rc2.dist-info}/WHEEL +0 -0
- {mindspore-2.3.0rc1.dist-info → mindspore-2.3.0rc2.dist-info}/entry_points.txt +0 -0
- {mindspore-2.3.0rc1.dist-info → mindspore-2.3.0rc2.dist-info}/top_level.txt +0 -0
|
@@ -111,7 +111,7 @@ class AllpassBiquad(AudioTensorOperation):
|
|
|
111
111
|
|
|
112
112
|
Tutorial Examples:
|
|
113
113
|
- `Illustration of audio transforms
|
|
114
|
-
<https://www.mindspore.cn/docs/en/
|
|
114
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
115
115
|
"""
|
|
116
116
|
|
|
117
117
|
@check_allpass_biquad
|
|
@@ -184,7 +184,7 @@ class AmplitudeToDB(AudioTensorOperation):
|
|
|
184
184
|
|
|
185
185
|
Tutorial Examples:
|
|
186
186
|
- `Illustration of audio transforms
|
|
187
|
-
<https://www.mindspore.cn/docs/en/
|
|
187
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
188
188
|
"""
|
|
189
189
|
|
|
190
190
|
@check_amplitude_to_db
|
|
@@ -236,7 +236,7 @@ class Angle(AudioTensorOperation):
|
|
|
236
236
|
|
|
237
237
|
Tutorial Examples:
|
|
238
238
|
- `Illustration of audio transforms
|
|
239
|
-
<https://www.mindspore.cn/docs/en/
|
|
239
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
240
240
|
"""
|
|
241
241
|
|
|
242
242
|
def parse(self):
|
|
@@ -300,7 +300,7 @@ class BandBiquad(AudioTensorOperation):
|
|
|
300
300
|
|
|
301
301
|
Tutorial Examples:
|
|
302
302
|
- `Illustration of audio transforms
|
|
303
|
-
<https://www.mindspore.cn/docs/en/
|
|
303
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
304
304
|
"""
|
|
305
305
|
|
|
306
306
|
@check_band_biquad
|
|
@@ -378,7 +378,7 @@ class BandpassBiquad(AudioTensorOperation):
|
|
|
378
378
|
|
|
379
379
|
Tutorial Examples:
|
|
380
380
|
- `Illustration of audio transforms
|
|
381
|
-
<https://www.mindspore.cn/docs/en/
|
|
381
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
382
382
|
"""
|
|
383
383
|
|
|
384
384
|
@check_bandpass_biquad
|
|
@@ -451,7 +451,7 @@ class BandrejectBiquad(AudioTensorOperation):
|
|
|
451
451
|
|
|
452
452
|
Tutorial Examples:
|
|
453
453
|
- `Illustration of audio transforms
|
|
454
|
-
<https://www.mindspore.cn/docs/en/
|
|
454
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
455
455
|
"""
|
|
456
456
|
|
|
457
457
|
@check_bandreject_biquad
|
|
@@ -522,7 +522,7 @@ class BassBiquad(AudioTensorOperation):
|
|
|
522
522
|
|
|
523
523
|
Tutorial Examples:
|
|
524
524
|
- `Illustration of audio transforms
|
|
525
|
-
<https://www.mindspore.cn/docs/en/
|
|
525
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
526
526
|
"""
|
|
527
527
|
|
|
528
528
|
@check_bass_biquad
|
|
@@ -585,7 +585,7 @@ class Biquad(TensorOperation):
|
|
|
585
585
|
|
|
586
586
|
Tutorial Examples:
|
|
587
587
|
- `Illustration of audio transforms
|
|
588
|
-
<https://www.mindspore.cn/docs/en/
|
|
588
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
589
589
|
"""
|
|
590
590
|
|
|
591
591
|
@check_biquad
|
|
@@ -644,7 +644,7 @@ class ComplexNorm(AudioTensorOperation):
|
|
|
644
644
|
|
|
645
645
|
Tutorial Examples:
|
|
646
646
|
- `Illustration of audio transforms
|
|
647
|
-
<https://www.mindspore.cn/docs/en/
|
|
647
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
648
648
|
"""
|
|
649
649
|
|
|
650
650
|
@check_complex_norm
|
|
@@ -721,7 +721,7 @@ class ComputeDeltas(AudioTensorOperation):
|
|
|
721
721
|
|
|
722
722
|
Tutorial Examples:
|
|
723
723
|
- `Illustration of audio transforms
|
|
724
|
-
<https://www.mindspore.cn/docs/en/
|
|
724
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
725
725
|
"""
|
|
726
726
|
|
|
727
727
|
@check_compute_deltas
|
|
@@ -781,7 +781,7 @@ class Contrast(AudioTensorOperation):
|
|
|
781
781
|
|
|
782
782
|
Tutorial Examples:
|
|
783
783
|
- `Illustration of audio transforms
|
|
784
|
-
<https://www.mindspore.cn/docs/en/
|
|
784
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
785
785
|
"""
|
|
786
786
|
|
|
787
787
|
@check_contrast
|
|
@@ -831,7 +831,7 @@ class DBToAmplitude(AudioTensorOperation):
|
|
|
831
831
|
|
|
832
832
|
Tutorial Examples:
|
|
833
833
|
- `Illustration of audio transforms
|
|
834
|
-
<https://www.mindspore.cn/docs/en/
|
|
834
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
835
835
|
"""
|
|
836
836
|
|
|
837
837
|
@check_db_to_amplitude
|
|
@@ -885,7 +885,7 @@ class DCShift(AudioTensorOperation):
|
|
|
885
885
|
|
|
886
886
|
Tutorial Examples:
|
|
887
887
|
- `Illustration of audio transforms
|
|
888
|
-
<https://www.mindspore.cn/docs/en/
|
|
888
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
889
889
|
"""
|
|
890
890
|
|
|
891
891
|
@check_dc_shift
|
|
@@ -938,7 +938,7 @@ class DeemphBiquad(AudioTensorOperation):
|
|
|
938
938
|
|
|
939
939
|
Tutorial Examples:
|
|
940
940
|
- `Illustration of audio transforms
|
|
941
|
-
<https://www.mindspore.cn/docs/en/
|
|
941
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
942
942
|
"""
|
|
943
943
|
|
|
944
944
|
@check_deemph_biquad
|
|
@@ -1004,7 +1004,7 @@ class DetectPitchFrequency(AudioTensorOperation):
|
|
|
1004
1004
|
|
|
1005
1005
|
Tutorial Examples:
|
|
1006
1006
|
- `Illustration of audio transforms
|
|
1007
|
-
<https://www.mindspore.cn/docs/en/
|
|
1007
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1008
1008
|
"""
|
|
1009
1009
|
|
|
1010
1010
|
@check_detect_pitch_frequency
|
|
@@ -1071,7 +1071,7 @@ class Dither(AudioTensorOperation):
|
|
|
1071
1071
|
|
|
1072
1072
|
Tutorial Examples:
|
|
1073
1073
|
- `Illustration of audio transforms
|
|
1074
|
-
<https://www.mindspore.cn/docs/en/
|
|
1074
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1075
1075
|
"""
|
|
1076
1076
|
|
|
1077
1077
|
@check_dither
|
|
@@ -1130,7 +1130,7 @@ class EqualizerBiquad(AudioTensorOperation):
|
|
|
1130
1130
|
|
|
1131
1131
|
Tutorial Examples:
|
|
1132
1132
|
- `Illustration of audio transforms
|
|
1133
|
-
<https://www.mindspore.cn/docs/en/
|
|
1133
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1134
1134
|
"""
|
|
1135
1135
|
|
|
1136
1136
|
@check_equalizer_biquad
|
|
@@ -1202,7 +1202,7 @@ class Fade(AudioTensorOperation):
|
|
|
1202
1202
|
|
|
1203
1203
|
Tutorial Examples:
|
|
1204
1204
|
- `Illustration of audio transforms
|
|
1205
|
-
<https://www.mindspore.cn/docs/en/
|
|
1205
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1206
1206
|
"""
|
|
1207
1207
|
|
|
1208
1208
|
@check_fade
|
|
@@ -1260,7 +1260,7 @@ class Filtfilt(AudioTensorOperation):
|
|
|
1260
1260
|
|
|
1261
1261
|
Tutorial Examples:
|
|
1262
1262
|
- `Illustration of audio transforms
|
|
1263
|
-
<https://www.mindspore.cn/docs/en/
|
|
1263
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1264
1264
|
"""
|
|
1265
1265
|
|
|
1266
1266
|
@check_lfilter
|
|
@@ -1345,7 +1345,7 @@ class Flanger(AudioTensorOperation):
|
|
|
1345
1345
|
|
|
1346
1346
|
Tutorial Examples:
|
|
1347
1347
|
- `Illustration of audio transforms
|
|
1348
|
-
<https://www.mindspore.cn/docs/en/
|
|
1348
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1349
1349
|
"""
|
|
1350
1350
|
|
|
1351
1351
|
@check_flanger
|
|
@@ -1422,7 +1422,7 @@ class FrequencyMasking(AudioTensorOperation):
|
|
|
1422
1422
|
|
|
1423
1423
|
Tutorial Examples:
|
|
1424
1424
|
- `Illustration of audio transforms
|
|
1425
|
-
<https://www.mindspore.cn/docs/en/
|
|
1425
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1426
1426
|
|
|
1427
1427
|
.. image:: frequency_masking_original.png
|
|
1428
1428
|
|
|
@@ -1478,7 +1478,7 @@ class Gain(AudioTensorOperation):
|
|
|
1478
1478
|
|
|
1479
1479
|
Tutorial Examples:
|
|
1480
1480
|
- `Illustration of audio transforms
|
|
1481
|
-
<https://www.mindspore.cn/docs/en/
|
|
1481
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1482
1482
|
"""
|
|
1483
1483
|
|
|
1484
1484
|
@check_gain
|
|
@@ -1559,7 +1559,7 @@ class GriffinLim(AudioTensorOperation):
|
|
|
1559
1559
|
|
|
1560
1560
|
Tutorial Examples:
|
|
1561
1561
|
- `Illustration of audio transforms
|
|
1562
|
-
<https://www.mindspore.cn/docs/en/
|
|
1562
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1563
1563
|
"""
|
|
1564
1564
|
|
|
1565
1565
|
@check_griffin_lim
|
|
@@ -1627,7 +1627,7 @@ class HighpassBiquad(AudioTensorOperation):
|
|
|
1627
1627
|
|
|
1628
1628
|
Tutorial Examples:
|
|
1629
1629
|
- `Illustration of audio transforms
|
|
1630
|
-
<https://www.mindspore.cn/docs/en/
|
|
1630
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1631
1631
|
"""
|
|
1632
1632
|
|
|
1633
1633
|
@check_highpass_biquad
|
|
@@ -1708,7 +1708,7 @@ class InverseMelScale(AudioTensorOperation):
|
|
|
1708
1708
|
|
|
1709
1709
|
Tutorial Examples:
|
|
1710
1710
|
- `Illustration of audio transforms
|
|
1711
|
-
<https://www.mindspore.cn/docs/en/
|
|
1711
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1712
1712
|
"""
|
|
1713
1713
|
|
|
1714
1714
|
@check_inverse_mel_scale
|
|
@@ -1803,7 +1803,7 @@ class InverseSpectrogram(AudioTensorOperation):
|
|
|
1803
1803
|
|
|
1804
1804
|
Tutorial Examples:
|
|
1805
1805
|
- `Illustration of audio transforms
|
|
1806
|
-
<https://www.mindspore.cn/docs/en/
|
|
1806
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1807
1807
|
"""
|
|
1808
1808
|
|
|
1809
1809
|
@check_inverse_spectrogram
|
|
@@ -1901,7 +1901,7 @@ class LFCC(AudioTensorOperation):
|
|
|
1901
1901
|
|
|
1902
1902
|
Tutorial Examples:
|
|
1903
1903
|
- `Illustration of audio transforms
|
|
1904
|
-
<https://www.mindspore.cn/docs/en/
|
|
1904
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1905
1905
|
"""
|
|
1906
1906
|
|
|
1907
1907
|
@check_lfcc
|
|
@@ -1984,7 +1984,7 @@ class LFilter(AudioTensorOperation):
|
|
|
1984
1984
|
|
|
1985
1985
|
Tutorial Examples:
|
|
1986
1986
|
- `Illustration of audio transforms
|
|
1987
|
-
<https://www.mindspore.cn/docs/en/
|
|
1987
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
1988
1988
|
"""
|
|
1989
1989
|
|
|
1990
1990
|
@check_lfilter
|
|
@@ -2053,7 +2053,7 @@ class LowpassBiquad(AudioTensorOperation):
|
|
|
2053
2053
|
|
|
2054
2054
|
Tutorial Examples:
|
|
2055
2055
|
- `Illustration of audio transforms
|
|
2056
|
-
<https://www.mindspore.cn/docs/en/
|
|
2056
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2057
2057
|
"""
|
|
2058
2058
|
|
|
2059
2059
|
@check_lowpass_biquad
|
|
@@ -2104,7 +2104,7 @@ class Magphase(AudioTensorOperation):
|
|
|
2104
2104
|
|
|
2105
2105
|
Tutorial Examples:
|
|
2106
2106
|
- `Illustration of audio transforms
|
|
2107
|
-
<https://www.mindspore.cn/docs/en/
|
|
2107
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2108
2108
|
"""
|
|
2109
2109
|
|
|
2110
2110
|
@check_magphase
|
|
@@ -2157,7 +2157,7 @@ class MaskAlongAxis(AudioTensorOperation):
|
|
|
2157
2157
|
|
|
2158
2158
|
Tutorial Examples:
|
|
2159
2159
|
- `Illustration of audio transforms
|
|
2160
|
-
<https://www.mindspore.cn/docs/en/
|
|
2160
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2161
2161
|
"""
|
|
2162
2162
|
|
|
2163
2163
|
@check_mask_along_axis
|
|
@@ -2219,7 +2219,7 @@ class MaskAlongAxisIID(AudioTensorOperation):
|
|
|
2219
2219
|
|
|
2220
2220
|
Tutorial Examples:
|
|
2221
2221
|
- `Illustration of audio transforms
|
|
2222
|
-
<https://www.mindspore.cn/docs/en/
|
|
2222
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2223
2223
|
"""
|
|
2224
2224
|
|
|
2225
2225
|
@check_mask_along_axis_iid
|
|
@@ -2296,7 +2296,7 @@ class MelScale(AudioTensorOperation):
|
|
|
2296
2296
|
|
|
2297
2297
|
Tutorial Examples:
|
|
2298
2298
|
- `Illustration of audio transforms
|
|
2299
|
-
<https://www.mindspore.cn/docs/en/
|
|
2299
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2300
2300
|
"""
|
|
2301
2301
|
|
|
2302
2302
|
@check_mel_scale
|
|
@@ -2411,7 +2411,7 @@ class MelSpectrogram(AudioTensorOperation):
|
|
|
2411
2411
|
|
|
2412
2412
|
Tutorial Examples:
|
|
2413
2413
|
- `Illustration of audio transforms
|
|
2414
|
-
<https://www.mindspore.cn/docs/en/
|
|
2414
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2415
2415
|
"""
|
|
2416
2416
|
|
|
2417
2417
|
@check_mel_spectrogram
|
|
@@ -2508,7 +2508,7 @@ class MFCC(AudioTensorOperation):
|
|
|
2508
2508
|
|
|
2509
2509
|
Tutorial Examples:
|
|
2510
2510
|
- `Illustration of audio transforms
|
|
2511
|
-
<https://www.mindspore.cn/docs/en/
|
|
2511
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2512
2512
|
"""
|
|
2513
2513
|
|
|
2514
2514
|
@check_mfcc
|
|
@@ -2587,7 +2587,7 @@ class MuLawDecoding(AudioTensorOperation):
|
|
|
2587
2587
|
|
|
2588
2588
|
Tutorial Examples:
|
|
2589
2589
|
- `Illustration of audio transforms
|
|
2590
|
-
<https://www.mindspore.cn/docs/en/
|
|
2590
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2591
2591
|
"""
|
|
2592
2592
|
|
|
2593
2593
|
@check_mu_law_coding
|
|
@@ -2636,7 +2636,7 @@ class MuLawEncoding(AudioTensorOperation):
|
|
|
2636
2636
|
|
|
2637
2637
|
Tutorial Examples:
|
|
2638
2638
|
- `Illustration of audio transforms
|
|
2639
|
-
<https://www.mindspore.cn/docs/en/
|
|
2639
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2640
2640
|
"""
|
|
2641
2641
|
|
|
2642
2642
|
@check_mu_law_coding
|
|
@@ -2693,7 +2693,7 @@ class Overdrive(AudioTensorOperation):
|
|
|
2693
2693
|
|
|
2694
2694
|
Tutorial Examples:
|
|
2695
2695
|
- `Illustration of audio transforms
|
|
2696
|
-
<https://www.mindspore.cn/docs/en/
|
|
2696
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2697
2697
|
"""
|
|
2698
2698
|
|
|
2699
2699
|
@check_overdrive
|
|
@@ -2766,7 +2766,7 @@ class Phaser(AudioTensorOperation):
|
|
|
2766
2766
|
|
|
2767
2767
|
Tutorial Examples:
|
|
2768
2768
|
- `Illustration of audio transforms
|
|
2769
|
-
<https://www.mindspore.cn/docs/en/
|
|
2769
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2770
2770
|
"""
|
|
2771
2771
|
|
|
2772
2772
|
@check_phaser
|
|
@@ -2826,7 +2826,7 @@ class PhaseVocoder(AudioTensorOperation):
|
|
|
2826
2826
|
|
|
2827
2827
|
Tutorial Examples:
|
|
2828
2828
|
- `Illustration of audio transforms
|
|
2829
|
-
<https://www.mindspore.cn/docs/en/
|
|
2829
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2830
2830
|
"""
|
|
2831
2831
|
|
|
2832
2832
|
@check_phase_vocoder
|
|
@@ -2894,7 +2894,7 @@ class PitchShift(AudioTensorOperation):
|
|
|
2894
2894
|
|
|
2895
2895
|
Tutorial Examples:
|
|
2896
2896
|
- `Illustration of audio transforms
|
|
2897
|
-
<https://www.mindspore.cn/docs/en/
|
|
2897
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2898
2898
|
"""
|
|
2899
2899
|
|
|
2900
2900
|
@check_pitch_shift
|
|
@@ -2978,7 +2978,7 @@ class Resample(AudioTensorOperation):
|
|
|
2978
2978
|
|
|
2979
2979
|
Tutorial Examples:
|
|
2980
2980
|
- `Illustration of audio transforms
|
|
2981
|
-
<https://www.mindspore.cn/docs/en/
|
|
2981
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
2982
2982
|
"""
|
|
2983
2983
|
|
|
2984
2984
|
@check_resample
|
|
@@ -3038,7 +3038,7 @@ class RiaaBiquad(AudioTensorOperation):
|
|
|
3038
3038
|
|
|
3039
3039
|
Tutorial Examples:
|
|
3040
3040
|
- `Illustration of audio transforms
|
|
3041
|
-
<https://www.mindspore.cn/docs/en/
|
|
3041
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
3042
3042
|
"""
|
|
3043
3043
|
|
|
3044
3044
|
@check_riaa_biquad
|
|
@@ -3096,7 +3096,7 @@ class SlidingWindowCmn(AudioTensorOperation):
|
|
|
3096
3096
|
|
|
3097
3097
|
Tutorial Examples:
|
|
3098
3098
|
- `Illustration of audio transforms
|
|
3099
|
-
<https://www.mindspore.cn/docs/en/
|
|
3099
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
3100
3100
|
"""
|
|
3101
3101
|
|
|
3102
3102
|
@check_sliding_window_cmn
|
|
@@ -3173,7 +3173,7 @@ class SpectralCentroid(TensorOperation):
|
|
|
3173
3173
|
|
|
3174
3174
|
Tutorial Examples:
|
|
3175
3175
|
- `Illustration of audio transforms
|
|
3176
|
-
<https://www.mindspore.cn/docs/en/
|
|
3176
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
3177
3177
|
"""
|
|
3178
3178
|
|
|
3179
3179
|
@check_spectral_centroid
|
|
@@ -3257,7 +3257,7 @@ class Spectrogram(TensorOperation):
|
|
|
3257
3257
|
|
|
3258
3258
|
Tutorial Examples:
|
|
3259
3259
|
- `Illustration of audio transforms
|
|
3260
|
-
<https://www.mindspore.cn/docs/en/
|
|
3260
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
3261
3261
|
"""
|
|
3262
3262
|
|
|
3263
3263
|
@check_spectrogram
|
|
@@ -3335,7 +3335,7 @@ class TimeMasking(AudioTensorOperation):
|
|
|
3335
3335
|
|
|
3336
3336
|
Tutorial Examples:
|
|
3337
3337
|
- `Illustration of audio transforms
|
|
3338
|
-
<https://www.mindspore.cn/docs/en/
|
|
3338
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
3339
3339
|
|
|
3340
3340
|
.. image:: time_masking_original.png
|
|
3341
3341
|
|
|
@@ -3404,7 +3404,7 @@ class TimeStretch(AudioTensorOperation):
|
|
|
3404
3404
|
|
|
3405
3405
|
Tutorial Examples:
|
|
3406
3406
|
- `Illustration of audio transforms
|
|
3407
|
-
<https://www.mindspore.cn/docs/en/
|
|
3407
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
3408
3408
|
|
|
3409
3409
|
.. image:: time_stretch_rate1.5.png
|
|
3410
3410
|
|
|
@@ -3475,7 +3475,7 @@ class TrebleBiquad(AudioTensorOperation):
|
|
|
3475
3475
|
|
|
3476
3476
|
Tutorial Examples:
|
|
3477
3477
|
- `Illustration of audio transforms
|
|
3478
|
-
<https://www.mindspore.cn/docs/en/
|
|
3478
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
3479
3479
|
"""
|
|
3480
3480
|
|
|
3481
3481
|
@check_treble_biquad
|
|
@@ -3592,7 +3592,7 @@ class Vad(AudioTensorOperation):
|
|
|
3592
3592
|
|
|
3593
3593
|
Tutorial Examples:
|
|
3594
3594
|
- `Illustration of audio transforms
|
|
3595
|
-
<https://www.mindspore.cn/docs/en/
|
|
3595
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
3596
3596
|
"""
|
|
3597
3597
|
|
|
3598
3598
|
@check_vad
|
|
@@ -3677,7 +3677,7 @@ class Vol(AudioTensorOperation):
|
|
|
3677
3677
|
|
|
3678
3678
|
Tutorial Examples:
|
|
3679
3679
|
- `Illustration of audio transforms
|
|
3680
|
-
<https://www.mindspore.cn/docs/en/
|
|
3680
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/audio_gallery.html>`_
|
|
3681
3681
|
"""
|
|
3682
3682
|
|
|
3683
3683
|
@check_vol
|
|
@@ -160,7 +160,7 @@ class WaitedDSCallback(Callback, DSCallback):
|
|
|
160
160
|
r"""
|
|
161
161
|
Abstract base class used to build dataset callback classes that are synchronized with the training callback class
|
|
162
162
|
`mindspore.train.Callback \
|
|
163
|
-
<https://www.mindspore.cn/docs/en/
|
|
163
|
+
<https://www.mindspore.cn/docs/en/master/api_python/train/
|
|
164
164
|
mindspore.train.Callback.html#mindspore.train.Callback>`_ .
|
|
165
165
|
|
|
166
166
|
It can be used to execute a custom callback method before a step or an epoch, such as
|
|
@@ -171,7 +171,7 @@ class WaitedDSCallback(Callback, DSCallback):
|
|
|
171
171
|
`device_number` , `list_callback` , `cur_epoch_num` , `cur_step_num` , `dataset_sink_mode` ,
|
|
172
172
|
`net_outputs` , etc., see
|
|
173
173
|
`mindspore.train.Callback \
|
|
174
|
-
<https://www.mindspore.cn/docs/en/
|
|
174
|
+
<https://www.mindspore.cn/docs/en/master/api_python/train/
|
|
175
175
|
mindspore.train.Callback.html#mindspore.train.Callback>`_ .
|
|
176
176
|
|
|
177
177
|
Users can obtain the dataset pipeline context through `ds_run_context` , including
|
|
@@ -27,7 +27,7 @@ class DatasetCache:
|
|
|
27
27
|
A client to interface with tensor caching service.
|
|
28
28
|
|
|
29
29
|
For details, please check
|
|
30
|
-
`Tutorial <https://www.mindspore.cn/tutorials/experts/en/
|
|
30
|
+
`Tutorial <https://www.mindspore.cn/tutorials/experts/en/master/dataset/cache.html>`_ .
|
|
31
31
|
|
|
32
32
|
Args:
|
|
33
33
|
session_id (int): A user assigned session id for the current pipeline.
|
|
@@ -861,11 +861,11 @@ class Dataset:
|
|
|
861
861
|
`output_columns` , and if not specified, the column name of output column is same as that of `input_columns` .
|
|
862
862
|
|
|
863
863
|
- If you use transformations (
|
|
864
|
-
`vision transform <https://mindspore.cn/docs/en/
|
|
864
|
+
`vision transform <https://mindspore.cn/docs/en/master/api_python/mindspore.\
|
|
865
865
|
dataset.transforms.html#module-mindspore.dataset.vision>`_ ,
|
|
866
|
-
`nlp transform <https://mindspore.cn/docs/en/
|
|
866
|
+
`nlp transform <https://mindspore.cn/docs/en/master/api_python/mindspore.\
|
|
867
867
|
dataset.transforms.html#module-mindspore.dataset.text>`_ ,
|
|
868
|
-
`audio transform <https://mindspore.cn/docs/en/
|
|
868
|
+
`audio transform <https://mindspore.cn/docs/en/master/api_python/mindspore.\
|
|
869
869
|
dataset.transforms.html#module-mindspore.dataset.audio>`_ )
|
|
870
870
|
provided by mindspore dataset, please use the following parameters:
|
|
871
871
|
|
|
@@ -63,7 +63,7 @@ class CMUArcticDataset(MappableDataset, AudioBaseDataset):
|
|
|
63
63
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None``, will use ``0``. This
|
|
64
64
|
argument can only be specified when `num_shards` is also specified.
|
|
65
65
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
66
|
-
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/
|
|
66
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/master/dataset/cache.html>`_ .
|
|
67
67
|
Default: ``None``, which means no cache is used.
|
|
68
68
|
|
|
69
69
|
Raises:
|
|
@@ -77,7 +77,7 @@ class CMUArcticDataset(MappableDataset, AudioBaseDataset):
|
|
|
77
77
|
|
|
78
78
|
Tutorial Examples:
|
|
79
79
|
- `Load & Process Data With Dataset Pipeline
|
|
80
|
-
<https://www.mindspore.cn/docs/en/
|
|
80
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/dataset_gallery.html>`_
|
|
81
81
|
|
|
82
82
|
Note:
|
|
83
83
|
- Not support :class:`mindspore.dataset.PKSampler` for `sampler` parameter yet.
|
|
@@ -180,7 +180,7 @@ class GTZANDataset(MappableDataset, AudioBaseDataset):
|
|
|
180
180
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
181
181
|
argument can only be specified when `num_shards` is also specified.
|
|
182
182
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
183
|
-
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/
|
|
183
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/master/dataset/cache.html>`_ .
|
|
184
184
|
Default: ``None`` , which means no cache is used.
|
|
185
185
|
|
|
186
186
|
Raises:
|
|
@@ -194,7 +194,7 @@ class GTZANDataset(MappableDataset, AudioBaseDataset):
|
|
|
194
194
|
|
|
195
195
|
Tutorial Examples:
|
|
196
196
|
- `Load & Process Data With Dataset Pipeline
|
|
197
|
-
<https://www.mindspore.cn/docs/en/
|
|
197
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/dataset_gallery.html>`_
|
|
198
198
|
|
|
199
199
|
Note:
|
|
200
200
|
- Not support :class:`mindspore.dataset.PKSampler` for `sampler` parameter yet.
|
|
@@ -298,7 +298,7 @@ class LibriTTSDataset(MappableDataset, AudioBaseDataset):
|
|
|
298
298
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
299
299
|
argument can only be specified when `num_shards` is also specified.
|
|
300
300
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
301
|
-
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/
|
|
301
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/master/dataset/cache.html>`_ .
|
|
302
302
|
Default: ``None`` , which means no cache is used.
|
|
303
303
|
|
|
304
304
|
Raises:
|
|
@@ -312,7 +312,7 @@ class LibriTTSDataset(MappableDataset, AudioBaseDataset):
|
|
|
312
312
|
|
|
313
313
|
Tutorial Examples:
|
|
314
314
|
- `Load & Process Data With Dataset Pipeline
|
|
315
|
-
<https://www.mindspore.cn/docs/en/
|
|
315
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/dataset_gallery.html>`_
|
|
316
316
|
|
|
317
317
|
Note:
|
|
318
318
|
- Not support :class:`mindspore.dataset.PKSampler` for `sampler` parameter yet.
|
|
@@ -425,7 +425,7 @@ class LJSpeechDataset(MappableDataset, AudioBaseDataset):
|
|
|
425
425
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
426
426
|
argument can only be specified when `num_shards` is also specified.
|
|
427
427
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
428
|
-
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/
|
|
428
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/master/dataset/cache.html>`_ .
|
|
429
429
|
Default: ``None`` , which means no cache is used.
|
|
430
430
|
|
|
431
431
|
Raises:
|
|
@@ -439,7 +439,7 @@ class LJSpeechDataset(MappableDataset, AudioBaseDataset):
|
|
|
439
439
|
|
|
440
440
|
Tutorial Examples:
|
|
441
441
|
- `Load & Process Data With Dataset Pipeline
|
|
442
|
-
<https://www.mindspore.cn/docs/en/
|
|
442
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/dataset_gallery.html>`_
|
|
443
443
|
|
|
444
444
|
Note:
|
|
445
445
|
- The parameters `num_samples` , `shuffle` , `num_shards` , `shard_id` can be used to control the sampler
|
|
@@ -548,7 +548,7 @@ class SpeechCommandsDataset(MappableDataset, AudioBaseDataset):
|
|
|
548
548
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` .
|
|
549
549
|
This argument can only be specified when `num_shards` is also specified.
|
|
550
550
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
551
|
-
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/
|
|
551
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/master/dataset/cache.html>`_ .
|
|
552
552
|
Default: ``None`` , which means no cache is used.
|
|
553
553
|
|
|
554
554
|
Raises:
|
|
@@ -562,7 +562,7 @@ class SpeechCommandsDataset(MappableDataset, AudioBaseDataset):
|
|
|
562
562
|
|
|
563
563
|
Tutorial Examples:
|
|
564
564
|
- `Load & Process Data With Dataset Pipeline
|
|
565
|
-
<https://www.mindspore.cn/docs/en/
|
|
565
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/dataset_gallery.html>`_
|
|
566
566
|
|
|
567
567
|
Note:
|
|
568
568
|
- The parameters `num_samples` , `shuffle` , `num_shards` , `shard_id` can be used to control the sampler
|
|
@@ -661,7 +661,7 @@ class TedliumDataset(MappableDataset, AudioBaseDataset):
|
|
|
661
661
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This
|
|
662
662
|
argument can only be specified when `num_shards` is also specified.
|
|
663
663
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
664
|
-
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/
|
|
664
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/master/dataset/cache.html>`_ .
|
|
665
665
|
Default: ``None`` , which means no cache is used.
|
|
666
666
|
|
|
667
667
|
Raises:
|
|
@@ -675,7 +675,7 @@ class TedliumDataset(MappableDataset, AudioBaseDataset):
|
|
|
675
675
|
|
|
676
676
|
Tutorial Examples:
|
|
677
677
|
- `Load & Process Data With Dataset Pipeline
|
|
678
|
-
<https://www.mindspore.cn/docs/en/
|
|
678
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/dataset_gallery.html>`_
|
|
679
679
|
|
|
680
680
|
Note:
|
|
681
681
|
- The parameters `num_samples` , `shuffle` , `num_shards` , `shard_id` can be used to control the sampler
|
|
@@ -841,7 +841,7 @@ class YesNoDataset(MappableDataset, AudioBaseDataset):
|
|
|
841
841
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None`` . This argument can only
|
|
842
842
|
be specified when `num_shards` is also specified.
|
|
843
843
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
844
|
-
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/
|
|
844
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/master/dataset/cache.html>`_ .
|
|
845
845
|
Default: ``None`` , which means no cache is used.
|
|
846
846
|
|
|
847
847
|
Raises:
|
|
@@ -855,7 +855,7 @@ class YesNoDataset(MappableDataset, AudioBaseDataset):
|
|
|
855
855
|
|
|
856
856
|
Tutorial Examples:
|
|
857
857
|
- `Load & Process Data With Dataset Pipeline
|
|
858
|
-
<https://www.mindspore.cn/docs/en/
|
|
858
|
+
<https://www.mindspore.cn/docs/en/master/api_python/samples/dataset/dataset_gallery.html>`_
|
|
859
859
|
|
|
860
860
|
Note:
|
|
861
861
|
- The parameters `num_samples` , `shuffle` , `num_shards` , `shard_id` can be used to control the sampler
|
|
@@ -77,7 +77,7 @@ class CSVDataset(SourceDataset, UnionBaseDataset):
|
|
|
77
77
|
shard_id (int, optional): The shard ID within `num_shards` . Default: ``None``. This
|
|
78
78
|
argument can only be specified when `num_shards` is also specified.
|
|
79
79
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
80
|
-
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/
|
|
80
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/master/dataset/cache.html>`_ .
|
|
81
81
|
Default: ``None``, which means no cache is used.
|
|
82
82
|
|
|
83
83
|
Raises:
|
|
@@ -156,7 +156,7 @@ class MindDataset(MappableDataset, UnionBaseDataset):
|
|
|
156
156
|
num_samples (int, optional): The number of samples to be included in the dataset.
|
|
157
157
|
Default: ``None`` , all samples.
|
|
158
158
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
159
|
-
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/
|
|
159
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/master/dataset/cache.html>`_ .
|
|
160
160
|
Default: ``None`` , which means no cache is used.
|
|
161
161
|
|
|
162
162
|
Raises:
|
|
@@ -307,7 +307,7 @@ class TFRecordDataset(SourceDataset, UnionBaseDataset):
|
|
|
307
307
|
When `compression_type` is not ``None``, and `num_samples` or numRows (parsed from `schema` ) is provided,
|
|
308
308
|
`shard_equal_rows` will be implied as ``True``.
|
|
309
309
|
cache (DatasetCache, optional): Use tensor caching service to speed up dataset processing. More details:
|
|
310
|
-
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/
|
|
310
|
+
`Single-Node Data Cache <https://www.mindspore.cn/tutorials/experts/en/master/dataset/cache.html>`_ .
|
|
311
311
|
Default: ``None`` , which means no cache is used.
|
|
312
312
|
compression_type (str, optional): The type of compression used for all files, must be either ``''``,
|
|
313
313
|
``'GZIP'``, or ``'ZLIB'``. Default: ``None`` , as in empty string. It is highly recommended to
|