NVIDIA / OpenSeq2Seq

Toolkit for efficient experimentation with Speech Recognition, Text2Speech and NLP
https://nvidia.github.io/OpenSeq2Seq
Apache License 2.0
1.54k stars 371 forks source link

ZeroDivisionError: float division by zero #457

Open flassTer opened 5 years ago

flassTer commented 5 years ago

Hello, NVIDIA, I have constructed my own dataset the same way you constructed LibriSpeech. I have tried to start training on this dataset, the reading of the csv file is okay, but then I get this error shown in the picture I uploaded in the link below. Do you know what is causing this? Thanks.

Link: https://pasteboard.co/IhYZt0b.png

UPDATE: If it makes a difference I am trying to train a model from scratch using DS2, and I have added to the vocabulary the symbols '?', '!' '.', '%'

vsl9 commented 5 years ago

Can you please upload the full log (preferably as a text)? Do you use the latest master branch? Currently, it looks like there is a division by zero (n_window_stride) in speech_utils.py, line 450. n_window_stride = int(sample_rate * window_stride). So either sample_rate == 0 (something wrong with an audio file?) or window_stride == 0 (have you redefined it in the config file?). Or maybe there is another problem which we can't see from the log's excerpt.

flassTer commented 5 years ago

Hey @vsl9 , I have attached the output below:

Script started on Wed 05 Jun 2019 10:18:25 AM UTC /data/anaconda/envs/py35/lib/python3.5/site-packages/h5py/init.py:36: FutureWarning: Conversion of the second argument of issubdtype from float to np.floating is deprecated. In future, it will be treated as np.float64 == np.dtype(float).type. from ._conv import register_converters as _register_converters found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring...

WARNING: The TensorFlow contrib module will not be included in TensorFlow 2.0. For more information, please see:

Starting training from scratch Training config: {'batch_size_per_gpu': 5, 'data_layer': <class 'open_seq2seq.data.speech2text.speech2text.Speech2TextDataLayer'>, 'data_layer_params': {'augmentation': {'noise_level_max': -60, 'noise_level_min': -90, 'time_stretch_ratio': 0.05}, 'dataset_files': ['/mnt/OpenSeq2Seq/fff_aws_dataset/newfff.csv'], 'input_type': 'spectrogram', 'num_audio_features': 96, 'shuffle': True, 'vocab_file': 'open_seq2seq/test_utils/toy_speech_data/vocab.txt'}, 'decoder': <class 'open_seq2seq.decoders.fc_decoders.FullyConnectedCTCDecoder'>, 'decoder_params': {'alpha': 2.0, 'alphabet_config_path': 'open_seq2seq/test_utils/toy_speech_data/vocab.txt', 'beam_width': 512, 'beta': 1.0, 'decoder_library_path': 'ctc_decoder_with_lm/libctc_decoder_with_kenlm.so', 'lm_path': 'language_model/4-gram.binary', 'trie_path': 'language_model/trie.binary', 'use_language_model': False}, 'dtype': tf.float32, 'encoder': <class 'open_seq2seq.encoders.ds2_encoder.DeepSpeech2Encoder'>, 'encoder_params': {'activation_fn': <function relu at 0x7f4ac3c8a9d8>, 'conv_layers': [{'kernel_size': [11, 41], 'num_channels': 32, 'padding': 'SAME', 'stride': [2, 2]}, {'kernel_size': [11, 21], 'num_channels': 32, 'padding': 'SAME', 'stride': [1, 2]}], 'data_format': 'channels_first', 'dropout_keep_prob': 0.5, 'n_hidden': 1024, 'num_rnn_layers': 2, 'rnn_cell_dim': 512, 'rnn_type': 'cudnn_gru', 'rnn_unidirectional': False, 'row_conv': False, 'use_cudnn_rnn': True}, 'eval_steps': 1035, 'initializer': <function xavier_initializer at 0x7f4aa9432e18>, 'load_model': '', 'logdir': 'experiments/fffMiniDataset/', 'loss': <class 'open_seq2seq.losses.ctc_loss.CTCLoss'>, 'loss_params': {}, 'lr_policy': <function exp_decay at 0x7f4a9dd359d8>, 'lr_policy_params': {'begin_decay_at': 0, 'decay_rate': 0.9, 'decay_steps': 5000, 'learning_rate': 0.0001, 'min_lr': 0.0, 'use_staircase_decay': True}, 'num_epochs': 1, 'num_gpus': 4, 'optimizer': 'Adam', 'optimizer_params': {}, 'print_loss_steps': 10, 'print_samples_steps': 10, 'random_seed': 0, 'regularizer': <function l2_regularizer at 0x7f4aaa54a950>, 'regularizer_params': {'scale': 0.0005}, 'save_checkpoint_steps': 1000, 'save_summaries_steps': 100, 'summaries': ['learning_rate', 'variables', 'gradients', 'larc_summaries', 'variable_norm', 'gradient_norm', 'global_gradient_norm'], 'use_horovod': False, 'use_xla_jit': False} WARNING: Please update time_stretch_ratio to speed_perturbation_ratio WARNING: Please update time_stretch_ratio to speed_perturbation_ratio WARNING: Please update time_stretch_ratio to speed_perturbation_ratio WARNING: Please update time_stretch_ratio to speed_perturbation_ratio *** Building graph on GPU:0 WARNING:tensorflow:From /mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py:216: 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, use tf.py_function, which 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_functions can use accelerators such as GPUs as well as being differentiable using a gradient tape.

WARNING:tensorflow:From /data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/data/ops/dataset_ops.py:1419: colocate_with (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version. Instructions for updating: Colocations handled automatically by placer. WARNING:tensorflow:From /mnt/OpenSeq2Seq/open_seq2seq/parts/cnns/conv_blocks.py:159: conv2d (from tensorflow.python.layers.convolutional) is deprecated and will be removed in a future version. Instructions for updating: Use keras.layers.conv2d instead. WARNING:tensorflow:From /mnt/OpenSeq2Seq/open_seq2seq/parts/cnns/conv_blocks.py:177: batch_normalization (from tensorflow.python.layers.normalization) is deprecated and will be removed in a future version. Instructions for updating: Use keras.layers.batch_normalization instead. WARNING:tensorflow:From /mnt/OpenSeq2Seq/open_seq2seq/encoders/ds2_encoder.py:387: 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 /mnt/OpenSeq2Seq/open_seq2seq/encoders/ds2_encoder.py:389: calling dropout (from tensorflow.python.ops.nn_ops) with keep_prob is deprecated and will be removed in a future version. Instructions for updating: Please use rate instead of keep_prob. Rate should be set to rate = 1 - keep_prob. Building graph on GPU:1 Building graph on GPU:2 Building graph on GPU:3 Trainable variables: ForwardPass/ds2_encoder/conv1/kernel:0 shape: (11, 41, 1, 32), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/conv1/bn/gamma:0 shape: (32,), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/conv1/bn/beta:0 shape: (32,), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/conv2/kernel:0 shape: (11, 21, 32, 32), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/conv2/bn/gamma:0 shape: (32,), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/conv2/bn/beta:0 shape: (32,), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/cudnn_gru/opaque_kernel:0 shape: , <dtype: 'float32_ref'> ForwardPass/ds2_encoder/fully_connected/kernel:0 shape: (1024, 1024), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/fully_connected/bias:0 shape: (1024,), <dtype: 'float32_ref'> ForwardPass/fully_connected_ctc_decoder/fully_connected/kernel:0 shape: (1024, 33), <dtype: 'float32_ref'> ForwardPass/fully_connected_ctc_decoder/fully_connected/bias:0 shape: (33,), <dtype: 'float32_ref'> *** Encountered unknown variable shape, can't compute total number of parameters. 2019-06-05 10:19:05.590906: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA 2019-06-05 10:19:05.895212: I tensorflow/compiler/xla/service/service.cc:150] XLA service 0x564513462010 executing computations on platform CUDA. Devices: 2019-06-05 10:19:05.895253: I tensorflow/compiler/xla/service/service.cc:158] StreamExecutor device (0): Tesla K80, Compute Capability 3.7 2019-06-05 10:19:05.895266: I tensorflow/compiler/xla/service/service.cc:158] StreamExecutor device (1): Tesla K80, Compute Capability 3.7 2019-06-05 10:19:05.895277: I tensorflow/compiler/xla/service/service.cc:158] StreamExecutor device (2): Tesla K80, Compute Capability 3.7 2019-06-05 10:19:05.895284: I tensorflow/compiler/xla/service/service.cc:158] StreamExecutor device (3): Tesla K80, Compute Capability 3.7 2019-06-05 10:19:05.900267: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 2596990000 Hz 2019-06-05 10:19:05.902863: I tensorflow/compiler/xla/service/service.cc:150] XLA service 0x564513a67920 executing computations on platform Host. Devices: 2019-06-05 10:19:05.902896: I tensorflow/compiler/xla/service/service.cc:158] StreamExecutor device (0): , 2019-06-05 10:19:05.903196: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1433] Found device 0 with properties: name: Tesla K80 major: 3 minor: 7 memoryClockRate(GHz): 0.8235 pciBusID: 0d62:00:00.0 totalMemory: 11.17GiB freeMemory: 10.20GiB 2019-06-05 10:19:05.903401: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1433] Found device 1 with properties: name: Tesla K80 major: 3 minor: 7 memoryClockRate(GHz): 0.8235 pciBusID: 2f36:00:00.0 totalMemory: 11.17GiB freeMemory: 10.77GiB 2019-06-05 10:19:05.903597: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1433] Found device 2 with properties: name: Tesla K80 major: 3 minor: 7 memoryClockRate(GHz): 0.8235 pciBusID: bf49:00:00.0 totalMemory: 11.17GiB freeMemory: 10.77GiB 2019-06-05 10:19:05.903789: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1433] Found device 3 with properties: name: Tesla K80 major: 3 minor: 7 memoryClockRate(GHz): 0.8235 pciBusID: e947:00:00.0 totalMemory: 11.17GiB freeMemory: 10.77GiB 2019-06-05 10:19:05.903894: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1512] Adding visible gpu devices: 0, 1, 2, 3 2019-06-05 10:19:05.912820: I tensorflow/core/common_runtime/gpu/gpu_device.cc:984] Device interconnect StreamExecutor with strength 1 edge matrix: 2019-06-05 10:19:05.912849: I tensorflow/core/common_runtime/gpu/gpu_device.cc:990] 0 1 2 3 2019-06-05 10:19:05.912864: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1003] 0: N N N N 2019-06-05 10:19:05.912871: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1003] 1: N N N N 2019-06-05 10:19:05.912876: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1003] 2: N N N N 2019-06-05 10:19:05.912882: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1003] 3: N N N N 2019-06-05 10:19:05.913613: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 9920 MB memory) -> physical GPU (device: 0, name: Tesla K80, pci bus id: 0d62:00:00.0, compute capability: 3.7) 2019-06-05 10:19:05.914227: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:1 with 10476 MB memory) -> physical GPU (device: 1, name: Tesla K80, pci bus id: 2f36:00:00.0, compute capability: 3.7) 2019-06-05 10:19:05.914914: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:2 with 10476 MB memory) -> physical GPU (device: 2, name: Tesla K80, pci bus id: bf49:00:00.0, compute capability: 3.7) 2019-06-05 10:19:05.915192: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:3 with 10476 MB memory) -> physical GPU (device: 3, name: Tesla K80, pci bus id: e947:00:00.0, compute capability: 3.7) 2019-06-05 10:19:14.273252: I tensorflow/stream_executor/dso_loader.cc:152] successfully opened CUDA library libcublas.so.10.0 locally 2019-06-05 10:19:15.406737: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.407135: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.407754: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.408700: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.409060: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.409954: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.411354: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.411970: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.412623: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.413554: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.414784: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.418440: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.418708: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.419244: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.420281: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.422487: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.422580: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.428616: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.431159: W tensorflow/core/framework/op_kernel.cc:1389] Invalid argument: ValueError: zero-size array to reduction operation maximum which has no identity Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 438, in get_speech_features_psf signal = augment_audio_signal(signal, sample_freq, augmentation)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 229, in augment_audio_signal signal_float = normalize_signal(signal.astype(np.float32))

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 206, in normalize_signal return signal / (np.max(np.abs(signal)) + 1e-5)

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/numpy/core/fromnumeric.py", line 2320, in amax out=out, **kwargs)

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/numpy/core/_methods.py", line 26, in _amax return umr_maximum(a, axis, None, out, keepdims)

ValueError: zero-size array to reduction operation maximum which has no identity

2019-06-05 10:19:15.431729: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.432408: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.433535: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.437499: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.442571: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.450202: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.453754: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.456117: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.462127: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.464996: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.465564: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.466874: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.467518: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.467607: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.467950: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.470296: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.473891: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.475345: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.477315: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.487923: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.488888: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.488990: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.491151: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.493069: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.496218: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.497855: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.498148: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.500260: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.500906: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.500995: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.503600: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: KeyError: '-' Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 401, in _parse_audio_transcript_element target_indices = [self.params['char2idx'][c] for c in transcript]

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 401, in target_indices = [self.params['char2idx'][c] for c in transcript]

KeyError: '-'

2019-06-05 10:19:15.507407: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.507776: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.510224: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.510760: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.513730: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

Traceback (most recent call last): 2019-06-05 10:19:15.517889: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1334, in _do_call return fn(*args) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1319, in _run_fn 2019-06-05 10:19:15.522745: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

options, feed_dict, fetch_list, target_list, run_metadata)

2019-06-05 10:19:15.526243: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1407, in _call_tf_sessionrun run_metadata) 2019-06-05 10:19:15.529823: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

tensorflow.python.framework.errors_impl.UnknownError: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

 [[{{node PyFuncStateless}}]]
 [[{{node IteratorGetNext}}]]
 [[{{node ForwardPass_2/Loss/ctc_loss/CTCLoss}}]]2019-06-05 10:19:15.529962: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero

Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.530123: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.531809: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "run.py", line 121, in 2019-06-05 10:19:15.533438: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.534147: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.534590: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.535140: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

main()

2019-06-05 10:19:15.535490: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

File "run.py", line 94, in main 2019-06-05 10:19:15.536151: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.536845: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-05 10:19:15.536930: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

model, eval_model=None, debug_port=args.debug_port, custom_hooks=hooks)

2019-06-05 10:19:15.537340: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

File "/mnt/OpenSeq2Seq/open_seq2seq/utils/funcs.py", line 167, in train 2019-06-05 10:19:15.537447: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

fetches_vals = sess.run(fetches, feed_dict)

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 676, in run run_metadata=run_metadata) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 1171, in run run_metadata=run_metadata) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 1270, in run raise six.reraise(original_exc_info) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/six.py", line 693, in reraise raise value File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 1255, in run return self._sess.run(args, *kwargs) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 1327, in run run_metadata=run_metadata) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 1091, in run return self._sess.run(args, **kwargs) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 929, in run run_metadata_ptr) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1152, in _run feed_dict_tensor, options, run_metadata) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1328, in _do_run run_metadata) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1348, in _do_call raise type(e)(node_def, op, message) tensorflow.python.framework.errors_impl.UnknownError: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

 [[{{node PyFuncStateless}}]]
 [[node IteratorGetNext (defined at /mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py:284) ]]
 [[node ForwardPass_2/Loss/ctc_loss/CTCLoss (defined at /mnt/OpenSeq2Seq/open_seq2seq/losses/ctc_loss.py:81) ]]

root@AI-team-DSVM:/mnt/OpenSeq2Seq# script exit Script started, file is exit root@AI-team-DSVM:/mnt/OpenSeq2Seq# exit exit Script done, file is exit root@AI-team-DSVM:/mnt/OpenSeq2Seq# exit exit

Script done on Wed 05 Jun 2019 10:19:29 AM UTC

vsl9 commented 5 years ago

Thanks for the log. I don't see anything bad except the message:

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 450, in get_speech_features_psf
(1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

As I mentioned earlier, n_window_stride = int(sample_rate * window_stride). Can you please use either print or pdb.set_trace to see values of sample_rate (should be 16000) and window_stride (should be 10e-3) variables before the line 450 (for example, at line 447)?

flassTer commented 5 years ago

Okay, I will try to do that and update the issue. thank you.

flassTer commented 5 years ago

python run.py --config_file=example_configs/speech2text/ds2_vm_4gpus.py --mode=train_eval /data/anaconda/envs/py35/lib/python3.5/site-packages/h5py/init.py:36: FutureWarning: Conversion of the second argument of issubdtype from float to np.floating is deprecated. In future, it will be treated as np.float64 == np.dtype(float).type. from ._conv import register_converters as _register_converters found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... Traceback (most recent call last): File "run.py", line 121, in main() File "run.py", line 22, in main args, base_config, base_model, config_module = get_base_config(sys.argv[1:]) File "/mnt/OpenSeq2Seq/open_seq2seq/utils/utils.py", line 521, in get_base_config config_module = runpy.run_path(args.config_file, init_globals={'tf': tf}) File "/data/anaconda/envs/py35/lib/python3.5/runpy.py", line 261, in run_path code, fname = _get_code_from_file(run_name, path_name) File "/data/anaconda/envs/py35/lib/python3.5/runpy.py", line 231, in _get_code_from_file with open(fname, "rb") as f: FileNotFoundError: [Errno 2] No such file or directory: 'example_configs/speech2text/ds2_vm_4gpus.py' root@AI-team-DSVM:/mnt/OpenSeq2Seq# python run.py --config_file=example_configs/speech2text/ds2_vm_4gpus.py --mode=train_eval[Kspeech2text/ds2_vm_4gpu.py --mode=train_eval /data/anaconda/envs/py35/lib/python3.5/site-packages/h5py/init.py:36: FutureWarning: Conversion of the second argument of issubdtype from float to np.floating is deprecated. In future, it will be treated as np.float64 == np.dtype(float).type. from ._conv import register_converters as _register_converters found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring... found and restoring...

WARNING: The TensorFlow contrib module will not be included in TensorFlow 2.0. For more information, please see:

Starting training from scratch Training config: {'batch_size_per_gpu': 5, 'data_layer': <class 'open_seq2seq.data.speech2text.speech2text.Speech2TextDataLayer'>, 'data_layer_params': {'augmentation': {'noise_level_max': -60, 'noise_level_min': -90, 'time_stretch_ratio': 0.05}, 'dataset_files': ['/mnt/OpenSeq2Seq/fff_aws_dataset/newwwfff.csv'], 'input_type': 'spectrogram', 'num_audio_features': 96, 'shuffle': True, 'vocab_file': 'open_seq2seq/test_utils/toy_speech_data/vocab.txt'}, 'decoder': <class 'open_seq2seq.decoders.fc_decoders.FullyConnectedCTCDecoder'>, 'decoder_params': {'alpha': 2.0, 'alphabet_config_path': 'open_seq2seq/test_utils/toy_speech_data/vocab.txt', 'beam_width': 512, 'beta': 1.0, 'decoder_library_path': 'ctc_decoder_with_lm/libctc_decoder_with_kenlm.so', 'lm_path': 'language_model/4-gram.binary', 'trie_path': 'language_model/trie.binary', 'use_language_model': False}, 'dtype': tf.float32, 'encoder': <class 'open_seq2seq.encoders.ds2_encoder.DeepSpeech2Encoder'>, 'encoder_params': {'activation_fn': <function relu at 0x7f4a47aa49d8>, 'conv_layers': [{'kernel_size': [11, 41], 'num_channels': 32, 'padding': 'SAME', 'stride': [2, 2]}, {'kernel_size': [11, 21], 'num_channels': 32, 'padding': 'SAME', 'stride': [1, 2]}], 'data_format': 'channels_first', 'dropout_keep_prob': 0.5, 'n_hidden': 1024, 'num_rnn_layers': 2, 'rnn_cell_dim': 512, 'rnn_type': 'cudnn_gru', 'rnn_unidirectional': False, 'row_conv': False, 'use_cudnn_rnn': True}, 'eval_steps': 1035, 'initializer': <function xavier_initializer at 0x7f4a2d24dd90>, 'load_model': '', 'logdir': 'experiments/fffMiniDataset/', 'loss': <class 'open_seq2seq.losses.ctc_loss.CTCLoss'>, 'loss_params': {}, 'lr_policy': <function exp_decay at 0x7f4a21b51950>, 'lr_policy_params': {'begin_decay_at': 0, 'decay_rate': 0.9, 'decay_steps': 5000, 'learning_rate': 0.0001, 'min_lr': 0.0, 'use_staircase_decay': True}, 'num_epochs': 1, 'num_gpus': 4, 'optimizer': 'Adam', 'optimizer_params': {}, 'print_loss_steps': 10, 'print_samples_steps': 10, 'random_seed': 0, 'regularizer': <function l2_regularizer at 0x7f4a2e2fa8c8>, 'regularizer_params': {'scale': 0.0005}, 'save_checkpoint_steps': 1000, 'save_summaries_steps': 100, 'summaries': ['learning_rate', 'variables', 'gradients', 'larc_summaries', 'variable_norm', 'gradient_norm', 'global_gradient_norm'], 'use_horovod': False, 'use_xla_jit': False} Evaluation config: {'batch_size_per_gpu': 5, 'data_layer': <class 'open_seq2seq.data.speech2text.speech2text.Speech2TextDataLayer'>, 'data_layer_params': {'dataset_files': ['data/librispeech/librivox-dev-clean.csv'], 'input_type': 'spectrogram', 'num_audio_features': 96, 'shuffle': False, 'vocab_file': 'open_seq2seq/test_utils/toy_speech_data/vocab.txt'}, 'decoder': <class 'open_seq2seq.decoders.fc_decoders.FullyConnectedCTCDecoder'>, 'decoder_params': {'alpha': 2.0, 'alphabet_config_path': 'open_seq2seq/test_utils/toy_speech_data/vocab.txt', 'beam_width': 512, 'beta': 1.0, 'decoder_library_path': 'ctc_decoder_with_lm/libctc_decoder_with_kenlm.so', 'lm_path': 'language_model/4-gram.binary', 'trie_path': 'language_model/trie.binary', 'use_language_model': False}, 'dtype': tf.float32, 'encoder': <class 'open_seq2seq.encoders.ds2_encoder.DeepSpeech2Encoder'>, 'encoder_params': {'activation_fn': <function relu at 0x7f4a47aa49d8>, 'conv_layers': [{'kernel_size': [11, 41], 'num_channels': 32, 'padding': 'SAME', 'stride': [2, 2]}, {'kernel_size': [11, 21], 'num_channels': 32, 'padding': 'SAME', 'stride': [1, 2]}], 'data_format': 'channels_first', 'dropout_keep_prob': 0.5, 'n_hidden': 1024, 'num_rnn_layers': 2, 'rnn_cell_dim': 512, 'rnn_type': 'cudnn_gru', 'rnn_unidirectional': False, 'row_conv': False, 'use_cudnn_rnn': True}, 'eval_steps': 1035, 'initializer': <function xavier_initializer at 0x7f4a2d24dd90>, 'load_model': '', 'logdir': 'experiments/fffMiniDataset/', 'loss': <class 'open_seq2seq.losses.ctc_loss.CTCLoss'>, 'loss_params': {}, 'lr_policy': <function exp_decay at 0x7f4a21b51950>, 'lr_policy_params': {'begin_decay_at': 0, 'decay_rate': 0.9, 'decay_steps': 5000, 'learning_rate': 0.0001, 'min_lr': 0.0, 'use_staircase_decay': True}, 'num_epochs': 1, 'num_gpus': 4, 'optimizer': 'Adam', 'optimizer_params': {}, 'print_loss_steps': 10, 'print_samples_steps': 10, 'random_seed': 0, 'regularizer': <function l2_regularizer at 0x7f4a2e2fa8c8>, 'regularizer_params': {'scale': 0.0005}, 'save_checkpoint_steps': 1000, 'save_summaries_steps': 100, 'summaries': ['learning_rate', 'variables', 'gradients', 'larc_summaries', 'variable_norm', 'gradient_norm', 'global_gradient_norm'], 'use_horovod': False, 'use_xla_jit': False} WARNING: Please update time_stretch_ratio to speed_perturbation_ratio WARNING: Please update time_stretch_ratio to speed_perturbation_ratio WARNING: Please update time_stretch_ratio to speed_perturbation_ratio WARNING: Please update time_stretch_ratio to speed_perturbation_ratio Building graph on GPU:0 WARNING:tensorflow:From /mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py:216: 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, use tf.py_function, which 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_functions can use accelerators such as GPUs as well as being differentiable using a gradient tape.

WARNING:tensorflow:From /data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/data/ops/dataset_ops.py:1419: colocate_with (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version. Instructions for updating: Colocations handled automatically by placer. WARNING:tensorflow:From /mnt/OpenSeq2Seq/open_seq2seq/parts/cnns/conv_blocks.py:159: conv2d (from tensorflow.python.layers.convolutional) is deprecated and will be removed in a future version. Instructions for updating: Use keras.layers.conv2d instead. WARNING:tensorflow:From /mnt/OpenSeq2Seq/open_seq2seq/parts/cnns/conv_blocks.py:177: batch_normalization (from tensorflow.python.layers.normalization) is deprecated and will be removed in a future version. Instructions for updating: Use keras.layers.batch_normalization instead. WARNING:tensorflow:From /mnt/OpenSeq2Seq/open_seq2seq/encoders/ds2_encoder.py:387: 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 /mnt/OpenSeq2Seq/open_seq2seq/encoders/ds2_encoder.py:389: calling dropout (from tensorflow.python.ops.nn_ops) with keep_prob is deprecated and will be removed in a future version. Instructions for updating: Please use rate instead of keep_prob. Rate should be set to rate = 1 - keep_prob. Building graph on GPU:1 Building graph on GPU:2 Building graph on GPU:3 Trainable variables: ForwardPass/ds2_encoder/conv1/kernel:0 shape: (11, 41, 1, 32), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/conv1/bn/gamma:0 shape: (32,), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/conv1/bn/beta:0 shape: (32,), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/conv2/kernel:0 shape: (11, 21, 32, 32), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/conv2/bn/gamma:0 shape: (32,), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/conv2/bn/beta:0 shape: (32,), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/cudnn_gru/opaque_kernel:0 shape: , <dtype: 'float32_ref'> ForwardPass/ds2_encoder/fully_connected/kernel:0 shape: (1024, 1024), <dtype: 'float32_ref'> ForwardPass/ds2_encoder/fully_connected/bias:0 shape: (1024,), <dtype: 'float32_ref'> ForwardPass/fully_connected_ctc_decoder/fully_connected/kernel:0 shape: (1024, 32), <dtype: 'float32_ref'> ForwardPass/fully_connected_ctc_decoder/fully_connected/bias:0 shape: (32,), <dtype: 'float32_ref'> Encountered unknown variable shape, can't compute total number of parameters. Building graph on GPU:0 Building graph on GPU:1 Building graph on GPU:2 *** Building graph on GPU:3 2019-06-10 07:41:48.439894: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA 2019-06-10 07:41:48.734378: I tensorflow/compiler/xla/service/service.cc:150] XLA service 0x5579fc6809c0 executing computations on platform CUDA. Devices: 2019-06-10 07:41:48.734430: I tensorflow/compiler/xla/service/service.cc:158] StreamExecutor device (0): Tesla K80, Compute Capability 3.7 2019-06-10 07:41:48.734447: I tensorflow/compiler/xla/service/service.cc:158] StreamExecutor device (1): Tesla K80, Compute Capability 3.7 2019-06-10 07:41:48.734459: I tensorflow/compiler/xla/service/service.cc:158] StreamExecutor device (2): Tesla K80, Compute Capability 3.7 2019-06-10 07:41:48.734469: I tensorflow/compiler/xla/service/service.cc:158] StreamExecutor device (3): Tesla K80, Compute Capability 3.7 2019-06-10 07:41:48.738464: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 2596990000 Hz 2019-06-10 07:41:48.740443: I tensorflow/compiler/xla/service/service.cc:150] XLA service 0x5579fc080010 executing computations on platform Host. Devices: 2019-06-10 07:41:48.740472: I tensorflow/compiler/xla/service/service.cc:158] StreamExecutor device (0): , 2019-06-10 07:41:48.740775: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1433] Found device 0 with properties: name: Tesla K80 major: 3 minor: 7 memoryClockRate(GHz): 0.8235 pciBusID: 0d62:00:00.0 totalMemory: 11.17GiB freeMemory: 10.65GiB 2019-06-10 07:41:48.740987: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1433] Found device 1 with properties: name: Tesla K80 major: 3 minor: 7 memoryClockRate(GHz): 0.8235 pciBusID: 2f36:00:00.0 totalMemory: 11.17GiB freeMemory: 10.89GiB 2019-06-10 07:41:48.741185: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1433] Found device 2 with properties: name: Tesla K80 major: 3 minor: 7 memoryClockRate(GHz): 0.8235 pciBusID: bf49:00:00.0 totalMemory: 11.17GiB freeMemory: 10.89GiB 2019-06-10 07:41:48.741383: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1433] Found device 3 with properties: name: Tesla K80 major: 3 minor: 7 memoryClockRate(GHz): 0.8235 pciBusID: e947:00:00.0 totalMemory: 11.17GiB freeMemory: 10.89GiB 2019-06-10 07:41:48.741492: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1512] Adding visible gpu devices: 0, 1, 2, 3 2019-06-10 07:41:48.750541: I tensorflow/core/common_runtime/gpu/gpu_device.cc:984] Device interconnect StreamExecutor with strength 1 edge matrix: 2019-06-10 07:41:48.750568: I tensorflow/core/common_runtime/gpu/gpu_device.cc:990] 0 1 2 3 2019-06-10 07:41:48.750582: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1003] 0: N N N N 2019-06-10 07:41:48.750594: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1003] 1: N N N N 2019-06-10 07:41:48.750601: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1003] 2: N N N N 2019-06-10 07:41:48.750606: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1003] 3: N N N N 2019-06-10 07:41:48.751335: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 10360 MB memory) -> physical GPU (device: 0, name: Tesla K80, pci bus id: 0d62:00:00.0, compute capability: 3.7) 2019-06-10 07:41:48.752035: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:1 with 10593 MB memory) -> physical GPU (device: 1, name: Tesla K80, pci bus id: 2f36:00:00.0, compute capability: 3.7) 2019-06-10 07:41:48.752333: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:2 with 10593 MB memory) -> physical GPU (device: 2, name: Tesla K80, pci bus id: bf49:00:00.0, compute capability: 3.7) 2019-06-10 07:41:48.752610: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:3 with 10593 MB memory) -> physical GPU (device: 3, name: Tesla K80, pci bus id: e947:00:00.0, compute capability: 3.7) 2019-06-10 07:41:58.120242: I tensorflow/stream_executor/dso_loader.cc:152] successfully opened CUDA library libcublas.so.10.0 locally sample freq: 2 sample freq: 2 window_stride: 0.01 sample freq: 2 window_stride: 0.01 sample freq: 2 2019-06-10 07:41:59.465276: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.465742: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 window_stride: 0.01 sample freq: 2 2019-06-10 07:41:59.466892: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 sample freq: 2 2019-06-10 07:41:59.468236: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 sample freq: 2 2019-06-10 07:41:59.468871: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 sample freq: 2 sample freq: 2 sample freq: 2 window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.471642: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 window_stride: 0.01 sample freq: 2 2019-06-10 07:41:59.475428: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 sample freq: 2 2019-06-10 07:41:59.476917: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 sample freq: 2 window_stride: 0.01 sample freq: 2 2019-06-10 07:41:59.479497: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 2019-06-10 07:41:59.482402: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 sample freq: 2 2019-06-10 07:41:59.483861: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 window_stride: 0.01 sample freq: 2 2019-06-10 07:41:59.488507: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.489356: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.491911: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 2019-06-10 07:41:59.492803: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.493560: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 sample freq: 2 sample freq: 2 sample freq: 2 sample freq: 2 sample freq: 2 window_stride: 0.01 window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.502009: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.502134: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 sample freq: 2 2019-06-10 07:41:59.502799: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.502924: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.504202: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 2019-06-10 07:41:59.504517: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 window_stride: 0.01 sample freq: 2 sample freq: 2 2019-06-10 07:41:59.504815: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 window_stride: 0.01 sample freq: 2 2019-06-10 07:41:59.505182: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.505535: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.506302: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.506579: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 2019-06-10 07:41:59.508699: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.513791: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 2019-06-10 07:41:59.515543: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 window_stride: 0.01 2019-06-10 07:41:59.519251: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 sample freq: 2 window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.522053: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.522234: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 2019-06-10 07:41:59.523120: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.526877: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.527360: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 sample freq: 2 sample freq: 2 2019-06-10 07:41:59.531986: W tensorflow/core/framework/op_kernel.cc:1389] Invalid argument: ValueError: Input signal length=1 is too small to resample from 2->1 Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 438, in get_speech_features_psf signal = augment_audio_signal(signal, sample_freq, augmentation)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 244, in augment_audio_signal filter='kaiser_best',

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/resampy/core.py", line 98, in resample 'resample from {}->{}'.format(x.shape[axis], sr_orig, sr_new))

ValueError: Input signal length=1 is too small to resample from 2->1

window_stride: 0.01 2019-06-10 07:41:59.532946: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.536984: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 2019-06-10 07:41:59.538977: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.540580: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 sample freq: 2 sample freq: 2 2019-06-10 07:41:59.546495: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.549786: W tensorflow/core/framework/op_kernel.cc:1389] Invalid argument: ValueError: Input signal length=1 is too small to resample from 2->1 Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 438, in get_speech_features_psf signal = augment_audio_signal(signal, sample_freq, augmentation)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 244, in augment_audio_signal filter='kaiser_best',

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/resampy/core.py", line 98, in resample 'resample from {}->{}'.format(x.shape[axis], sr_orig, sr_new))

ValueError: Input signal length=1 is too small to resample from 2->1

sample freq: 2 sample freq: 2 sample freq: 2 window_stride: 0.01 2019-06-10 07:41:59.558679: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 2019-06-10 07:41:59.562445: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.569304: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.571446: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 sample freq: 2 sample freq: 2 window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.581685: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 sample freq: 2 sample freq: 2 sample freq: 2 sample freq: 2 sample freq: 2 sample freq: 2 sample freq: 2 sample freq: 2 window_stride: 0.01 sample freq: 2 sample freq: 2 sample freq: 2 window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.594054: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.594202: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 sample freq: 2 2019-06-10 07:41:59.594465: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.594617: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.595006: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

2019-06-10 07:41:59.595160: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 2019-06-10 07:41:59.595307: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 window_stride: 0.01 window_stride: 0.01 sample freq: 2 window_stride: 0.01 2019-06-10 07:41:59.595681: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 2019-06-10 07:41:59.595884: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 2019-06-10 07:41:59.596102: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.596506: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 2019-06-10 07:41:59.596607: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 2019-06-10 07:41:59.596872: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 2019-06-10 07:41:59.596999: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 2019-06-10 07:41:59.597202: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.597422: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

sample freq: 2 Traceback (most recent call last): File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1334, in _do_call 2019-06-10 07:41:59.597715: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 2019-06-10 07:41:59.597999: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 window_stride: 0.01 2019-06-10 07:41:59.598279: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

return fn(*args)

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1319, in _run_fn 2019-06-10 07:41:59.598834: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

window_stride: 0.01 options, feed_dict, fetch_list, target_list, run_metadata) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1407, in _call_tf_sessionrun sample freq: 2 2019-06-10 07:41:59.599468: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

run_metadata)

tensorflow.python.framework.errors_impl.UnknownError: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

 [[{{node PyFuncStateless}}]]
 [[{{node IteratorGetNext_3}}]]
 [[{{node ForwardPass_3/Loss/ctc_loss/CTCLoss}}]]window_stride: 0.01

2019-06-10 07:41:59.600121: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

During handling of the above exception, another exception occurred:

2019-06-10 07:41:59.600389: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

Traceback (most recent call last): 2019-06-10 07:41:59.600499: W tensorflow/core/framework/op_kernel.cc:1389] Unknown: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

File "run.py", line 121, in main() File "run.py", line 91, in main custom_hooks=hooks) File "/mnt/OpenSeq2Seq/open_seq2seq/utils/funcs.py", line 167, in train fetches_vals = sess.run(fetches, feed_dict) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 676, in run run_metadata=run_metadata) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 1171, in run run_metadata=run_metadata) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 1270, in run raise six.reraise(original_exc_info) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/six.py", line 693, in reraise raise value File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 1255, in run return self._sess.run(args, *kwargs) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 1327, in run run_metadata=run_metadata) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/training/monitored_session.py", line 1091, in run return self._sess.run(args, **kwargs) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 929, in run run_metadata_ptr) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1152, in _run feed_dict_tensor, options, run_metadata) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1328, in _do_run run_metadata) File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1348, in _do_call raise type(e)(node_def, op, message) tensorflow.python.framework.errors_impl.UnknownError: ZeroDivisionError: float division by zero Traceback (most recent call last):

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 178, in get_speech_features_from_file "on-the-fly preprocessing enforced with 'cache_features'==True")

open_seq2seq.data.speech2text.speech_utils.PreprocessOnTheFlyException: on-the-fly preprocessing enforced with 'cache_features'==True

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/data/anaconda/envs/py35/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 207, in call ret = func(*args)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py", line 411, in _parse_audio_transcript_element params=self.params

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 189, in get_speech_features_from_file features, duration = get_speech_features(signal, sample_freq, params)

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 305, in get_speech_features window_size, window_stride, augmentation

File "/mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech_utils.py", line 451, in get_speech_features_psf (1.0 * signal.shape[0] - n_window_size) / n_window_stride

ZeroDivisionError: float division by zero

 [[{{node PyFuncStateless}}]]
 [[node IteratorGetNext_3 (defined at /mnt/OpenSeq2Seq/open_seq2seq/data/speech2text/speech2text.py:284) ]]
 [[node ForwardPass_3/Loss/ctc_loss/CTCLoss (defined at /mnt/OpenSeq2Seq/open_seq2seq/losses/ctc_loss.py:81) ]]

root@AI-team-DSVM:/mnt/OpenSeq2Seq# scriptexit exit

Script done on Mon 10 Jun 2019 07:42:09 AM UTC

flassTer commented 5 years ago

@vsl9 , it seems that it detects sample_freq: 2 and window_stride: 0.01. What may be the cause of this?

blisc commented 5 years ago

Are you sure that sample_freq is correct? If so, it seems very likely that some files in your dataset is correct.