Skip to content

Instantly share code, notes, and snippets.

@astricks
Created May 7, 2020 07:29
Show Gist options
  • Star 0 You must be signed in to star a gist
  • Fork 0 You must be signed in to fork a gist
  • Save astricks/72f9052adbe6f605e3653b3f9ea474ae to your computer and use it in GitHub Desktop.
Save astricks/72f9052adbe6f605e3653b3f9ea474ae to your computer and use it in GitHub Desktop.
root@ac03e36fe3a6:/data/OpenSeq2Seq# python run.py --config_file=example_configs/text2speech/tacotron_gst.py --mode=infer --infer_output_file=unused --logdir=../checkpoint
2020-05-07 07:22:23.188033: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudart.so.10.2
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/hooks.py:15: The name tf.train.SessionRunHook is deprecated. Please use tf.estimator.SessionRunHook instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/helpers.py:181: The name tf.train.SessionCreator is deprecated. Please use tf.compat.v1.train.SessionCreator instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/helpers.py:240: The name tf.train.Scaffold is deprecated. Please use tf.compat.v1.train.Scaffold instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/helpers.py:285: The name tf.train.SessionManager is deprecated. Please use tf.compat.v1.train.SessionManager instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/optimizers/mp_wrapper.py:27: The name tf.train.Optimizer is deprecated. Please use tf.compat.v1.train.Optimizer instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/optimizers/optimizers.py:37: The name tf.train.AdagradOptimizer is deprecated. Please use tf.compat.v1.train.AdagradOptimizer instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/optimizers/optimizers.py:38: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/optimizers/optimizers.py:39: The name tf.train.FtrlOptimizer is deprecated. Please use tf.compat.v1.train.FtrlOptimizer instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/optimizers/optimizers.py:40: The name tf.train.MomentumOptimizer is deprecated. Please use tf.compat.v1.train.MomentumOptimizer instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/optimizers/optimizers.py:41: The name tf.train.RMSPropOptimizer is deprecated. Please use tf.compat.v1.train.RMSPropOptimizer instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/optimizers/optimizers.py:42: The name tf.train.GradientDescentOptimizer is deprecated. Please use tf.compat.v1.train.GradientDescentOptimizer instead.
WARNING:tensorflow:
The TensorFlow contrib module will not be included in TensorFlow 2.0.
For more information, please see:
* https://github.com/tensorflow/community/blob/master/rfcs/20180907-contrib-sunset.md
* https://github.com/tensorflow/addons
* https://github.com/tensorflow/io (for I/O related ops)
If you depend on functionality not listed there, please file an issue.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/parts/transformer/attention_layer.py:24: The name tf.layers.Layer is deprecated. Please use tf.compat.v1.layers.Layer instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/parts/cnns/tcn.py:8: The name tf.layers.Conv1D is deprecated. Please use tf.compat.v1.layers.Conv1D instead.
*** Restoring from the latest checkpoint
*** Loading model from ../checkpoint/model.ckpt-18075
*** Inference config:
{'batch_size_per_gpu': 32,
'data_layer': <class 'open_seq2seq.data.text2speech.text2speech.Text2SpeechDataLayer'>,
'data_layer_params': {'data_min': {'magnitude': 1e-05, 'mel': 0.01},
'dataset': 'MAILABS',
'dataset_files': ['generate.csv'],
'dataset_location': '/MAILABS',
'duration_max': 10000,
'duration_min': 0,
'exp_mag': True,
'feature_normalize': False,
'feature_normalize_mean': 0.0,
'feature_normalize_std': 1.0,
'mag_power': 1,
'mel_type': 'htk',
'num_audio_features': {'magnitude': 401, 'mel': 80},
'output_type': 'both',
'pad_EOS': True,
'shuffle': False,
'style_input': 'wav',
'trim': True,
'vocab_file': 'open_seq2seq/test_utils/vocab_tts.txt'},
'decoder': <class 'open_seq2seq.decoders.tacotron2_decoder.Tacotron2Decoder'>,
'decoder_params': {'attention_bias': True,
'attention_layer_size': 128,
'attention_type': 'location',
'decoder_cell_type': <class 'tensorflow.python.ops.rnn_cell_impl.LSTMCell'>,
'decoder_cell_units': 1024,
'decoder_layers': 2,
'dropout_prob': 0.1,
'enable_postnet': True,
'enable_prenet': True,
'mask_decoder_sequence': True,
'parallel_iterations': 32,
'postnet_conv_layers': [{'activation_fn': <function tanh at 0x7fd44f943730>,
'kernel_size': [5],
'num_channels': 512,
'padding': 'SAME',
'stride': [1]},
{'activation_fn': <function tanh at 0x7fd44f943730>,
'kernel_size': [5],
'num_channels': 512,
'padding': 'SAME',
'stride': [1]},
{'activation_fn': <function tanh at 0x7fd44f943730>,
'kernel_size': [5],
'num_channels': 512,
'padding': 'SAME',
'stride': [1]},
{'activation_fn': <function tanh at 0x7fd44f943730>,
'kernel_size': [5],
'num_channels': 512,
'padding': 'SAME',
'stride': [1]},
{'activation_fn': None,
'kernel_size': [5],
'num_channels': -1,
'padding': 'SAME',
'stride': [1]}],
'postnet_data_format': 'channels_last',
'postnet_keep_dropout_prob': 0.5,
'prenet_layers': 2,
'prenet_units': 256,
'zoneout_prob': 0.0},
'dtype': tf.float32,
'encoder': <class 'open_seq2seq.encoders.tacotron2_encoder.Tacotron2Encoder'>,
'encoder_params': {'activation_fn': <function relu at 0x7fd44f7256a8>,
'cnn_dropout_prob': 0.5,
'conv_layers': [{'kernel_size': [5],
'num_channels': 512,
'padding': 'SAME',
'stride': [1]},
{'kernel_size': [5],
'num_channels': 512,
'padding': 'SAME',
'stride': [1]},
{'kernel_size': [5],
'num_channels': 512,
'padding': 'SAME',
'stride': [1]}],
'data_format': 'channels_last',
'num_rnn_layers': 1,
'rnn_cell_dim': 256,
'rnn_dropout_prob': 0.0,
'rnn_type': <class 'tensorflow.contrib.cudnn_rnn.python.layers.cudnn_rnn.CudnnLSTM'>,
'rnn_unidirectional': False,
'src_emb_size': 512,
'style_embedding_enable': True,
'style_embedding_params': {'attention_layer_size': 512,
'conv_layers': [{'kernel_size': [3,
3],
'num_channels': 32,
'padding': 'SAME',
'stride': [2,
2]},
{'kernel_size': [3,
3],
'num_channels': 32,
'padding': 'SAME',
'stride': [2,
2]},
{'kernel_size': [3,
3],
'num_channels': 64,
'padding': 'SAME',
'stride': [2,
2]},
{'kernel_size': [3,
3],
'num_channels': 64,
'padding': 'SAME',
'stride': [2,
2]},
{'kernel_size': [3,
3],
'num_channels': 128,
'padding': 'SAME',
'stride': [2,
2]},
{'kernel_size': [3,
3],
'num_channels': 128,
'padding': 'SAME',
'stride': [2,
2]}],
'emb_size': 512,
'num_heads': 8,
'num_rnn_layers': 1,
'num_tokens': 32,
'rnn_cell_dim': 128,
'rnn_type': <class 'tensorflow.python.ops.rnn_cell_impl.GRUCell'>,
'rnn_unidirectional': True},
'use_cudnn_rnn': True,
'zoneout_prob': 0.0},
'eval_steps': 500,
'initializer': <function xavier_initializer at 0x7fd44b877378>,
'load_model': '',
'logdir': '../checkpoint',
'loss': <class 'open_seq2seq.losses.text2speech_loss.Text2SpeechLoss'>,
'loss_params': {'use_mask': True},
'lr_policy': <function exp_decay at 0x7fd4400b1950>,
'lr_policy_params': {'begin_decay_at': 20000,
'decay_rate': 0.1,
'decay_steps': 10000,
'learning_rate': 0.001,
'min_lr': 1e-05,
'use_staircase_decay': False},
'max_grad_norm': 1.0,
'num_epochs': 25,
'num_gpus': 2,
'optimizer': 'Adam',
'optimizer_params': {},
'print_loss_steps': 50,
'print_samples_steps': 500,
'random_seed': 0,
'regularizer': <function l2_regularizer at 0x7fd44b8f5f28>,
'regularizer_params': {'scale': 1e-06},
'save_checkpoint_steps': 2500,
'save_summaries_steps': 50,
'save_to_tensorboard': True,
'summaries': ['learning_rate',
'variables',
'gradients',
'larc_summaries',
'variable_norm',
'gradient_norm',
'global_gradient_norm'],
'use_horovod': False,
'use_xla_jit': False}
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/models/model.py:312: The name tf.set_random_seed is deprecated. Please use tf.compat.v1.set_random_seed instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/models/model.py:390: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/models/model.py:391: The name tf.get_variable_scope is deprecated. Please use tf.compat.v1.get_variable_scope instead.
*** Building graph on GPU:0
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/data/text2speech/text2speech.py:313: py_func (from tensorflow.python.ops.script_ops) is deprecated and will be removed in a future version.
Instructions for updating:
tf.py_func is deprecated in TF V2. Instead, there are two
options available in V2.
- tf.py_function takes a python function which manipulates tf eager
tensors instead of numpy arrays. It's easy to convert a tf eager tensor to
an ndarray (just call tensor.numpy()) but having access to eager tensors
means `tf.py_function`s can use accelerators such as GPUs as well as
being differentiable using a gradient tape.
- tf.numpy_function maintains the semantics of the deprecated tf.py_func
(it is not differentiable, and manipulates numpy arrays). It drops the
stateful argument making all functions stateful.
WARNING:tensorflow:Entity <function Text2SpeechDataLayer.build_graph.<locals>.<lambda> at 0x7fd440024158> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: Failed to parse source code of <function Text2SpeechDataLayer.build_graph.<locals>.<lambda> at 0x7fd440024158>, which Python reported as:
lambda txt, txt_len, spec, stop, spec_len:
If this is a lambda function, the error may be avoided by creating the lambda in a standalone statement.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/data/text2speech/text2speech.py:368: DatasetV1.make_initializable_iterator (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `for ... in dataset:` to iterate over a dataset. If using `tf.estimator`, return the `Dataset` object directly from your input function. As a last resort, you can use `tf.compat.v1.data.make_initializable_iterator(dataset)`.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/encoders/tacotron2_encoder.py:139: The name tf.get_variable is deprecated. Please use tf.compat.v1.get_variable instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/parts/cnns/conv_blocks.py:205: conv2d (from tensorflow.python.layers.convolutional) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.keras.layers.Conv2D` instead.
WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/layers/convolutional.py:424: Layer.apply (from tensorflow.python.keras.engine.base_layer) is deprecated and will be removed in a future version.
Instructions for updating:
Please use `layer.__call__` method instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/parts/cnns/conv_blocks.py:223: batch_normalization (from tensorflow.python.layers.normalization) is deprecated and will be removed in a future version.
Instructions for updating:
Use keras.layers.BatchNormalization instead. In particular, `tf.control_dependencies(tf.GraphKeys.UPDATE_OPS)` should not be used (consult the `tf.keras.layers.batch_normalization` documentation).
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/parts/rnns/utils.py:68: GRUCell.__init__ (from tensorflow.python.ops.rnn_cell_impl) is deprecated and will be removed in a future version.
Instructions for updating:
This class is equivalent as tf.keras.layers.GRUCell, and will be replaced by that in Tensorflow 2.0.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/encoders/tacotron2_encoder.py:416: MultiRNNCell.__init__ (from tensorflow.python.ops.rnn_cell_impl) is deprecated and will be removed in a future version.
Instructions for updating:
This class is equivalent as tf.keras.layers.StackedRNNCells, and will be replaced by that in Tensorflow 2.0.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/encoders/tacotron2_encoder.py:426: dynamic_rnn (from tensorflow.python.ops.rnn) is deprecated and will be removed in a future version.
Instructions for updating:
Please use `keras.layers.RNN(cell)`, which is equivalent to this API
WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/ops/rnn_cell_impl.py:559: Layer.add_variable (from tensorflow.python.keras.engine.base_layer) is deprecated and will be removed in a future version.
Instructions for updating:
Please use `layer.add_weight` method instead.
WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/ops/rnn_cell_impl.py:565: calling Constant.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
Instructions for updating:
Call initializer instance with the dtype argument instead of passing it to the constructor
WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/ops/rnn_cell_impl.py:575: calling Zeros.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
Instructions for updating:
Call initializer instance with the dtype argument instead of passing it to the constructor
WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/ops/rnn.py:244: where (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.where in 2.0, which has the same broadcast rule as np.where
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/encoders/tacotron2_encoder.py:459: dense (from tensorflow.python.layers.core) is deprecated and will be removed in a future version.
Instructions for updating:
Use keras.layers.Dense instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/encoders/tacotron2_encoder.py:486: calling RandomUniform.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
Instructions for updating:
Call initializer instance with the dtype argument instead of passing it to the constructor
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/parts/transformer/attention_layer.py:54: The name tf.layers.Dense is deprecated. Please use tf.compat.v1.layers.Dense instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/parts/cnns/conv_blocks.py:205: conv1d (from tensorflow.python.layers.convolutional) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.keras.layers.Conv1D` instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/encoders/tacotron2_encoder.py:209: dropout (from tensorflow.python.layers.core) is deprecated and will be removed in a future version.
Instructions for updating:
Use keras.layers.dropout instead.
WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/contrib/rnn/python/ops/rnn.py:239: bidirectional_dynamic_rnn (from tensorflow.python.ops.rnn) is deprecated and will be removed in a future version.
Instructions for updating:
Please use `keras.layers.Bidirectional(keras.layers.RNN(cell))`, which is equivalent to this API
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/parts/rnns/utils.py:68: LSTMCell.__init__ (from tensorflow.python.ops.rnn_cell_impl) is deprecated and will be removed in a future version.
Instructions for updating:
This class is equivalent as tf.keras.layers.LSTMCell, and will be replaced by that in Tensorflow 2.0.
*** Inference Mode. Loss part of graph isn't built.
*** Building graph on GPU:1
WARNING:tensorflow:Entity <function Text2SpeechDataLayer.build_graph.<locals>.<lambda> at 0x7fd43f9d4c80> could not be transformed and will be executed as-is. Please report this to the AutoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: Failed to parse source code of <function Text2SpeechDataLayer.build_graph.<locals>.<lambda> at 0x7fd43f9d4c80>, which Python reported as:
lambda txt, txt_len, spec, stop, spec_len:
If this is a lambda function, the error may be avoided by creating the lambda in a standalone statement.
*** Inference Mode. Loss part of graph isn't built.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/funcs.py:226: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/funcs.py:227: The name tf.ConfigProto is deprecated. Please use tf.compat.v1.ConfigProto instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/funcs.py:233: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.
2020-05-07 07:22:31.555705: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 2596990000 Hz
2020-05-07 07:22:31.557389: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x72f5160 initialized for platform Host (this does not guarantee that XLA will be used). Devices:
2020-05-07 07:22:31.557416: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version
2020-05-07 07:22:31.560043: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcuda.so.1
2020-05-07 07:22:31.731913: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x6dcf730 initialized for platform CUDA (this does not guarantee that XLA will be used). Devices:
2020-05-07 07:22:31.731951: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Tesla M60, Compute Capability 5.2
2020-05-07 07:22:31.732686: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1639] Found device 0 with properties:
name: Tesla M60 major: 5 minor: 2 memoryClockRate(GHz): 1.1775
pciBusID: 8811:00:00.0
2020-05-07 07:22:31.732724: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudart.so.10.2
2020-05-07 07:22:31.734539: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcublas.so.10
2020-05-07 07:22:31.736249: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcufft.so.10
2020-05-07 07:22:31.736556: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcurand.so.10
2020-05-07 07:22:31.738459: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcusolver.so.10
2020-05-07 07:22:31.739545: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcusparse.so.10
2020-05-07 07:22:31.743389: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudnn.so.7
2020-05-07 07:22:31.744590: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1767] Adding visible gpu devices: 0
2020-05-07 07:22:31.744629: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudart.so.10.2
2020-05-07 07:22:32.105377: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1180] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-05-07 07:22:32.105429: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1186] 0
2020-05-07 07:22:32.105438: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1199] 0: N
2020-05-07 07:22:32.106850: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1325] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 7491 MB memory) -> physical GPU (device: 0, name: Tesla M60, pci bus id: 8811:00:00.0, compute capability: 5.2)
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/helpers.py:482: The name tf.train.NewCheckpointReader is deprecated. Please use tf.compat.v1.train.NewCheckpointReader instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/helpers.py:485: The name tf.trainable_variables is deprecated. Please use tf.compat.v1.trainable_variables instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/helpers.py:487: The name tf.get_collection is deprecated. Please use tf.compat.v1.get_collection instead.
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/helpers.py:487: The name tf.GraphKeys is deprecated. Please use tf.compat.v1.GraphKeys instead.
WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/util/decorator_utils.py:145: GraphKeys.VARIABLES (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.GraphKeys.GLOBAL_VARIABLES` instead.
*** WARNING: Can't compute number of objects per step, since train model does not define get_num_objects_per_step method.
*** WARNING: Can't compute number of objects per step, since train model does not define get_num_objects_per_step method.
2020-05-07 07:22:33.280428: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcublas.so.10
2020-05-07 07:22:33.638813: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudnn.so.7
WARNING:tensorflow:From /data/OpenSeq2Seq/open_seq2seq/utils/utils.py:88: The name tf.SparseTensorValue is deprecated. Please use tf.compat.v1.SparseTensorValue instead.
*** Processed 1/1 batches
*** Processed 1/1 batches
*** Not enough steps for benchmarking
output_file is ignored for tts
results are logged to the logdir
WARNING: Infer_mag audio was clipped at step 0
*** Finished inference
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment